From e7b71d7860f08cc9bf7328c6e795d23ce5d5e7cd Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Tue, 31 Aug 2021 06:16:32 +0000 Subject: [PATCH 001/103] import ctcdecoder when needed --- deepspeech/modules/ctc.py | 9 +++++---- 1 file changed, 5 insertions(+), 4 deletions(-) diff --git a/deepspeech/modules/ctc.py b/deepspeech/modules/ctc.py index 31e489a3d..10e697052 100644 --- a/deepspeech/modules/ctc.py +++ b/deepspeech/modules/ctc.py @@ -16,9 +16,6 @@ from paddle import nn from paddle.nn import functional as F from typeguard import check_argument_types -from deepspeech.decoders.swig_wrapper import ctc_beam_search_decoder_batch -from deepspeech.decoders.swig_wrapper import ctc_greedy_decoder -from deepspeech.decoders.swig_wrapper import Scorer from deepspeech.modules.loss import CTCLoss from deepspeech.utils import ctc_utils from deepspeech.utils.log import Log @@ -219,6 +216,10 @@ class CTCDecoder(nn.Layer): def init_decode(self, beam_alpha, beam_beta, lang_model_path, vocab_list, decoding_method): + from deepspeech.decoders.swig_wrapper import ctc_beam_search_decoder_batch # noqa: F401 + from deepspeech.decoders.swig_wrapper import ctc_greedy_decoder # noqa: F401 + from deepspeech.decoders.swig_wrapper import Scorer # noqa: F401 + if decoding_method == "ctc_beam_search": self._init_ext_scorer(beam_alpha, beam_beta, lang_model_path, vocab_list) @@ -229,7 +230,7 @@ class CTCDecoder(nn.Layer): """ctc decoding with probs. Args: - probs (Tenosr): activation after softmax + probs (Tenosr): activation after softmax logits_lens (Tenosr): audio output lens vocab_list ([type]): [description] decoding_method ([type]): [description] From 10cd65609545cbea8e25f9ec3788feda9a85f942 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Tue, 31 Aug 2021 07:41:24 +0000 Subject: [PATCH 002/103] remove notebook --- .notebook/Linear_test.ipynb | 605 -- .notebook/WarmupLR.ipynb | 339 -- .notebook/audio_feature.ipynb | 1207 ---- .notebook/compute_cmvn_loader_test.ipynb | 793 --- .notebook/dataloader.ipynb | 389 -- .../dataloader_with_tokens_tokenids.ipynb | 1204 ---- .notebook/espnet_dataloader.ipynb | 1541 ----- .notebook/hack_api_test.ipynb | 290 - .notebook/jit_infer.ipynb | 672 --- .notebook/layer_norm_test.ipynb | 229 - .notebook/mask_and_masked_fill_test.ipynb | 449 -- .notebook/position_embeding_check.ipynb | 231 - .notebook/python_test.ipynb | 1680 ------ .notebook/train_test.ipynb | 1887 ------- .notebook/u2_confermer_model_wenet.ipynb | 4608 --------------- .notebook/u2_tansformer_model_espnet.ipynb | 1672 ------ .notebook/wenet_model.ipynb | 5015 ----------------- 17 files changed, 22811 deletions(-) delete mode 100644 .notebook/Linear_test.ipynb delete mode 100644 .notebook/WarmupLR.ipynb delete mode 100644 .notebook/audio_feature.ipynb delete mode 100644 .notebook/compute_cmvn_loader_test.ipynb delete mode 100644 .notebook/dataloader.ipynb delete mode 100644 .notebook/dataloader_with_tokens_tokenids.ipynb delete mode 100644 .notebook/espnet_dataloader.ipynb delete mode 100644 .notebook/hack_api_test.ipynb delete mode 100644 .notebook/jit_infer.ipynb delete mode 100644 .notebook/layer_norm_test.ipynb delete mode 100644 .notebook/mask_and_masked_fill_test.ipynb delete mode 100644 .notebook/position_embeding_check.ipynb delete mode 100644 .notebook/python_test.ipynb delete mode 100644 .notebook/train_test.ipynb delete mode 100644 .notebook/u2_confermer_model_wenet.ipynb delete mode 100644 .notebook/u2_tansformer_model_espnet.ipynb delete mode 100644 .notebook/wenet_model.ipynb diff --git a/.notebook/Linear_test.ipynb b/.notebook/Linear_test.ipynb deleted file mode 100644 index 5c7370cf3..000000000 --- a/.notebook/Linear_test.ipynb +++ /dev/null @@ -1,605 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "academic-surname", - "metadata": {}, - "outputs": [], - "source": [ - "import paddle\n", - "from paddle import nn" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "fundamental-treasure", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv-dev/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - } - ], - "source": [ - "L = nn.Linear(256, 2048)\n", - "L2 = nn.Linear(2048, 256)" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "consolidated-elephant", - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n", - "import torch\n" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "moderate-noise", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "float64\n", - "Tensor(shape=[2, 51, 256], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[[-1.54171216, -2.61531472, -1.79881978, ..., -0.31395876, 0.56513089, -0.44516513],\n", - " [-0.79492962, 1.91157901, 0.66567147, ..., 0.54825783, -1.01471853, -0.84924090],\n", - " [-1.22556651, -0.36225814, 0.65063190, ..., 0.65726501, 0.05563191, 0.09009409],\n", - " ...,\n", - " [ 0.38615900, -0.77905393, 0.99732304, ..., -1.38463700, -3.32365036, -1.31089687],\n", - " [ 0.05579993, 0.06885809, -1.66662002, ..., -0.23346378, -3.29372883, 1.30561364],\n", - " [ 1.90676069, 1.95093191, -0.28849599, ..., -0.06860496, 0.95347673, 1.00475824]],\n", - "\n", - " [[-0.91453546, 0.55298805, -1.06146812, ..., -0.86378336, 1.00454640, 1.26062179],\n", - " [ 0.10223761, 0.81301165, 2.36865163, ..., 0.16821407, 0.29240361, 1.05408621],\n", - " [-1.33196676, 1.94433689, 0.01934209, ..., 0.48036841, 0.51585966, 1.22893548],\n", - " ...,\n", - " [-0.19558455, -0.47075930, 0.90796155, ..., -1.28598249, -0.24321797, 0.17734711],\n", - " [ 0.89819717, -1.39516675, 0.17138045, ..., 2.39761519, 1.76364994, -0.52177650],\n", - " [ 0.94122332, -0.18581429, 1.36099780, ..., 0.67647684, -0.04699665, 1.51205540]]])\n", - "tensor([[[-1.5417, -2.6153, -1.7988, ..., -0.3140, 0.5651, -0.4452],\n", - " [-0.7949, 1.9116, 0.6657, ..., 0.5483, -1.0147, -0.8492],\n", - " [-1.2256, -0.3623, 0.6506, ..., 0.6573, 0.0556, 0.0901],\n", - " ...,\n", - " [ 0.3862, -0.7791, 0.9973, ..., -1.3846, -3.3237, -1.3109],\n", - " [ 0.0558, 0.0689, -1.6666, ..., -0.2335, -3.2937, 1.3056],\n", - " [ 1.9068, 1.9509, -0.2885, ..., -0.0686, 0.9535, 1.0048]],\n", - "\n", - " [[-0.9145, 0.5530, -1.0615, ..., -0.8638, 1.0045, 1.2606],\n", - " [ 0.1022, 0.8130, 2.3687, ..., 0.1682, 0.2924, 1.0541],\n", - " [-1.3320, 1.9443, 0.0193, ..., 0.4804, 0.5159, 1.2289],\n", - " ...,\n", - " [-0.1956, -0.4708, 0.9080, ..., -1.2860, -0.2432, 0.1773],\n", - " [ 0.8982, -1.3952, 0.1714, ..., 2.3976, 1.7636, -0.5218],\n", - " [ 0.9412, -0.1858, 1.3610, ..., 0.6765, -0.0470, 1.5121]]])\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv-dev/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - } - ], - "source": [ - "x = np.random.randn(2, 51, 256)\n", - "print(x.dtype)\n", - "px = paddle.to_tensor(x, dtype='float32')\n", - "tx = torch.tensor(x, dtype=torch.float32)\n", - "print(px)\n", - "print(tx)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "cooked-progressive", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "mechanical-prisoner", - "metadata": {}, - "outputs": [], - "source": [ - "data = np.load('enc_0_ff_out.npz', allow_pickle=True)\n", - "t_norm_ff = data['norm_ff']\n", - "t_ff_out = data['ff_out']\n", - "t_ff_l_x = data['ff_l_x']\n", - "t_ff_l_a_x = data['ff_l_a_x']\n", - "t_ff_l_a_l_x = data['ff_l_a_l_x']\n", - "t_ps = data['ps']" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "indie-marriage", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "assured-zambia", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "True\n", - "True\n", - "True\n", - "True\n" - ] - } - ], - "source": [ - "L.set_state_dict({'weight': t_ps[0].T, 'bias': t_ps[1]})\n", - "L2.set_state_dict({'weight': t_ps[2].T, 'bias': t_ps[3]})\n", - "\n", - "ps = []\n", - "for n, p in L.named_parameters():\n", - " ps.append(p)\n", - "\n", - "for n, p in L2.state_dict().items():\n", - " ps.append(p)\n", - " \n", - "for p, tp in zip(ps, t_ps):\n", - " print(np.allclose(p.numpy(), tp.T))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "committed-jacob", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "extreme-traffic", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "optimum-milwaukee", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "viral-indian", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "True\n", - "True\n", - "True\n", - "True\n" - ] - } - ], - "source": [ - "# data = np.load('enc_0_ff_out.npz', allow_pickle=True)\n", - "# t_norm_ff = data['norm_ff']\n", - "# t_ff_out = data['ff_out']\n", - "# t_ff_l_x = data['ff_l_x']\n", - "# t_ff_l_a_x = data['ff_l_a_x']\n", - "# t_ff_l_a_l_x = data['ff_l_a_l_x']\n", - "# t_ps = data['ps']\n", - "TL = torch.nn.Linear(256, 2048)\n", - "TL2 = torch.nn.Linear(2048, 256)\n", - "TL.load_state_dict({'weight': torch.tensor(t_ps[0]), 'bias': torch.tensor(t_ps[1])})\n", - "TL2.load_state_dict({'weight': torch.tensor(t_ps[2]), 'bias': torch.tensor(t_ps[3])})\n", - "\n", - "# for n, p in TL.named_parameters():\n", - "# print(n, p)\n", - "# for n, p in TL2.named_parameters():\n", - "# print(n, p)\n", - "\n", - "ps = []\n", - "for n, p in TL.state_dict().items():\n", - " ps.append(p.data.numpy())\n", - " \n", - "for n, p in TL2.state_dict().items():\n", - " ps.append(p.data.numpy())\n", - " \n", - "for p, tp in zip(ps, t_ps):\n", - " print(np.allclose(p, tp))" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "skilled-vietnamese", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[[ 0.67277956 0.08313607 -0.62761104 ... -0.17480263 0.42718208\n", - " -0.5787626 ]\n", - " [ 0.91516656 0.5393416 1.7159258 ... 0.06144593 0.06486575\n", - " -0.03350811]\n", - " [ 0.438351 0.6227843 0.24096036 ... 1.0912522 -0.90929437\n", - " -1.012989 ]\n", - " ...\n", - " [ 0.68631977 0.14240924 0.10763275 ... -0.11513516 0.48065388\n", - " 0.04070369]\n", - " [-0.9525228 0.23197874 0.31264272 ... 0.5312439 0.18773697\n", - " -0.8450228 ]\n", - " [ 0.42024016 -0.04561988 0.54541194 ... -0.41933843 -0.00436018\n", - " -0.06663495]]\n", - "\n", - " [[-0.11638781 -0.33566502 -0.20887226 ... 0.17423287 -0.9195841\n", - " -0.8161046 ]\n", - " [-0.3469874 0.88269687 -0.11887559 ... -0.15566081 0.16357468\n", - " -0.20766167]\n", - " [-0.3847657 0.3984318 -0.06963477 ... -0.00360622 1.2360432\n", - " -0.26811332]\n", - " ...\n", - " [ 0.08230796 -0.46158582 0.54582864 ... 0.15747628 -0.44790155\n", - " 0.06020184]\n", - " [-0.8095085 0.43163058 -0.42837143 ... 0.8627463 0.90656304\n", - " 0.15847842]\n", - " [-1.485811 -0.18216592 -0.8882585 ... 0.32596245 0.7822631\n", - " -0.6460344 ]]]\n", - "[[[ 0.67278004 0.08313602 -0.6276114 ... -0.17480245 0.42718196\n", - " -0.5787625 ]\n", - " [ 0.91516703 0.5393413 1.7159253 ... 0.06144581 0.06486579\n", - " -0.03350812]\n", - " [ 0.43835106 0.62278455 0.24096027 ... 1.0912521 -0.9092943\n", - " -1.0129892 ]\n", - " ...\n", - " [ 0.6863195 0.14240888 0.10763284 ... -0.11513527 0.48065376\n", - " 0.04070365]\n", - " [-0.9525231 0.23197863 0.31264275 ... 0.53124386 0.18773702\n", - " -0.84502304]\n", - " [ 0.42024007 -0.04561983 0.545412 ... -0.41933888 -0.00436005\n", - " -0.066635 ]]\n", - "\n", - " [[-0.11638767 -0.33566508 -0.20887226 ... 0.17423296 -0.9195838\n", - " -0.8161046 ]\n", - " [-0.34698725 0.88269705 -0.11887549 ... -0.15566081 0.16357464\n", - " -0.20766166]\n", - " [-0.3847657 0.3984319 -0.06963488 ... -0.00360619 1.2360426\n", - " -0.26811326]\n", - " ...\n", - " [ 0.08230786 -0.4615857 0.5458287 ... 0.15747619 -0.44790167\n", - " 0.06020182]\n", - " [-0.8095083 0.4316307 -0.42837155 ... 0.862746 0.9065631\n", - " 0.15847899]\n", - " [-1.485811 -0.18216613 -0.8882584 ... 0.32596254 0.7822631\n", - " -0.6460344 ]]]\n", - "True\n", - "False\n" - ] - } - ], - "source": [ - "y = L(px)\n", - "print(y.numpy())\n", - "\n", - "ty = TL(tx)\n", - "print(ty.data.numpy())\n", - "print(np.allclose(px.numpy(), tx.detach().numpy()))\n", - "print(np.allclose(y.numpy(), ty.detach().numpy()))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "incorrect-allah", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "prostate-cameroon", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 9, - "id": "governmental-surge", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[ 0.04476918 0.554463 -0.3027508 ... -0.49600336 0.3751858\n", - " 0.8254095 ]\n", - " [ 0.95594174 -0.29528382 -1.2899452 ... 0.43718258 0.05584608\n", - " -0.06974669]]\n", - "[[ 0.04476918 0.5544631 -0.3027507 ... -0.49600336 0.37518573\n", - " 0.8254096 ]\n", - " [ 0.95594174 -0.29528376 -1.2899454 ... 0.4371827 0.05584623\n", - " -0.0697467 ]]\n", - "True\n", - "False\n", - "True\n" - ] - } - ], - "source": [ - "x = np.random.randn(2, 256)\n", - "px = paddle.to_tensor(x, dtype='float32')\n", - "tx = torch.tensor(x, dtype=torch.float32)\n", - "y = L(px)\n", - "print(y.numpy())\n", - "ty = TL(tx)\n", - "print(ty.data.numpy())\n", - "print(np.allclose(px.numpy(), tx.detach().numpy()))\n", - "print(np.allclose(y.numpy(), ty.detach().numpy()))\n", - "print(np.allclose(y.numpy(), ty.detach().numpy(), atol=1e-5))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "confidential-jacket", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 10, - "id": "improved-civilization", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "5e7e7c9fde8350084abf1898cf52651cfc84b17a\n" - ] - } - ], - "source": [ - "print(paddle.version.commit)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "id": "d1e2d3b4", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['__builtins__',\n", - " '__cached__',\n", - " '__doc__',\n", - " '__file__',\n", - " '__loader__',\n", - " '__name__',\n", - " '__package__',\n", - " '__spec__',\n", - " 'commit',\n", - " 'full_version',\n", - " 'istaged',\n", - " 'major',\n", - " 'minor',\n", - " 'mkl',\n", - " 'patch',\n", - " 'rc',\n", - " 'show',\n", - " 'with_mkl']" - ] - }, - "execution_count": 11, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "dir(paddle.version)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "id": "c880c719", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2.1.0\n" - ] - } - ], - "source": [ - "print(paddle.version.full_version)" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "id": "f26977bf", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "commit: 5e7e7c9fde8350084abf1898cf52651cfc84b17a\n", - "None\n" - ] - } - ], - "source": [ - "print(paddle.version.show())" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "id": "04ad47f6", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "1.6.0\n" - ] - } - ], - "source": [ - "print(torch.__version__)" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "id": "e1e03830", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['__builtins__',\n", - " '__cached__',\n", - " '__doc__',\n", - " '__file__',\n", - " '__loader__',\n", - " '__name__',\n", - " '__package__',\n", - " '__spec__',\n", - " '__version__',\n", - " 'cuda',\n", - " 'debug',\n", - " 'git_version',\n", - " 'hip']" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "dir(torch.version)" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "id": "4ad0389b", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'b31f58de6fa8bbda5353b3c77d9be4914399724d'" - ] - }, - "execution_count": 19, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "torch.version.git_version" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "id": "7870ea10", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'10.2'" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "torch.version.cuda" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "db8ee5a7", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "6321ec2a", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/WarmupLR.ipynb b/.notebook/WarmupLR.ipynb deleted file mode 100644 index 21abf9cbe..000000000 --- a/.notebook/WarmupLR.ipynb +++ /dev/null @@ -1,339 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "d6a0e098", - "metadata": {}, - "outputs": [], - "source": [ - "from typing import Union\n", - "\n", - "import torch\n", - "from torch.optim.lr_scheduler import _LRScheduler\n", - "\n", - "from typeguard import check_argument_types\n", - "\n", - "\n", - "class WarmupLR(_LRScheduler):\n", - " \"\"\"The WarmupLR scheduler\n", - " This scheduler is almost same as NoamLR Scheduler except for following\n", - " difference:\n", - " NoamLR:\n", - " lr = optimizer.lr * model_size ** -0.5\n", - " * min(step ** -0.5, step * warmup_step ** -1.5)\n", - " WarmupLR:\n", - " lr = optimizer.lr * warmup_step ** 0.5\n", - " * min(step ** -0.5, step * warmup_step ** -1.5)\n", - " Note that the maximum lr equals to optimizer.lr in this scheduler.\n", - " \"\"\"\n", - "\n", - " def __init__(\n", - " self,\n", - " optimizer: torch.optim.Optimizer,\n", - " warmup_steps: Union[int, float] = 25000,\n", - " last_epoch: int = -1,\n", - " ):\n", - " assert check_argument_types()\n", - " self.warmup_steps = warmup_steps\n", - "\n", - " # __init__() must be invoked before setting field\n", - " # because step() is also invoked in __init__()\n", - " super().__init__(optimizer, last_epoch)\n", - "\n", - " def __repr__(self):\n", - " return f\"{self.__class__.__name__}(warmup_steps={self.warmup_steps})\"\n", - "\n", - " def get_lr(self):\n", - " step_num = self.last_epoch + 1\n", - " return [\n", - " lr\n", - " * self.warmup_steps ** 0.5\n", - " * min(step_num ** -0.5, step_num * self.warmup_steps ** -1.5)\n", - " for lr in self.base_lrs\n", - " ]\n", - "\n", - " def set_step(self, step: int):\n", - " self.last_epoch = step" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "0d496677", - "metadata": {}, - "outputs": [], - "source": [ - "import torch.optim as optim\n", - "model = torch.nn.Linear(10, 200)\n", - "optimizer = optim.Adam(model.parameters())\n", - "scheduler = WarmupLR(optimizer, warmup_steps=25000)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "e3e3f3dc", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "0 0.0 -1\n" - ] - } - ], - "source": [ - "infos = {}\n", - "start_epoch = infos.get('epoch', -1) + 1\n", - "cv_loss = infos.get('cv_loss', 0.0)\n", - "step = infos.get('step', -1)\n", - "print(start_epoch, cv_loss, step)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "id": "dc3d550c", - "metadata": {}, - "outputs": [], - "source": [ - "scheduler.set_step(step)" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "id": "e527634e", - "metadata": {}, - "outputs": [], - "source": [ - "lrs=[]\n", - "for i in range(100000):\n", - " scheduler.step()\n", - " lrs.append(scheduler.get_lr())" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "id": "f1452db9", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Collecting matplotlib\n", - " Downloading matplotlib-3.4.1-cp38-cp38-manylinux1_x86_64.whl (10.3 MB)\n", - "\u001b[K |████████████████████████████████| 10.3 MB 575 kB/s eta 0:00:01\n", - "\u001b[?25hCollecting kiwisolver>=1.0.1\n", - " Downloading kiwisolver-1.3.1-cp38-cp38-manylinux1_x86_64.whl (1.2 MB)\n", - "\u001b[K |████████████████████████████████| 1.2 MB 465 kB/s eta 0:00:01\n", - "\u001b[?25hRequirement already satisfied: pillow>=6.2.0 in /workspace/wenet/venv/lib/python3.8/site-packages (from matplotlib) (8.1.2)\n", - "Requirement already satisfied: numpy>=1.16 in /workspace/wenet/venv/lib/python3.8/site-packages (from matplotlib) (1.20.1)\n", - "Requirement already satisfied: python-dateutil>=2.7 in /workspace/wenet/venv/lib/python3.8/site-packages (from matplotlib) (2.8.1)\n", - "Collecting cycler>=0.10\n", - " Downloading cycler-0.10.0-py2.py3-none-any.whl (6.5 kB)\n", - "Requirement already satisfied: pyparsing>=2.2.1 in /workspace/wenet/venv/lib/python3.8/site-packages (from matplotlib) (2.4.7)\n", - "Requirement already satisfied: six in /workspace/wenet/venv/lib/python3.8/site-packages (from cycler>=0.10->matplotlib) (1.15.0)\n", - "Installing collected packages: kiwisolver, cycler, matplotlib\n", - "Successfully installed cycler-0.10.0 kiwisolver-1.3.1 matplotlib-3.4.1\n" - ] - } - ], - "source": [ - "!pip install matplotlib\n", - "import matplotlib.pyplot as plt\n", - "\n", - "%matplotlib inline" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "id": "0f36d04f", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[]" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYoAAAD4CAYAAADy46FuAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/Z1A+gAAAACXBIWXMAAAsTAAALEwEAmpwYAAAqc0lEQVR4nO3deXxV1b338c8vCUkYkkAghJAEAhLQIJMEHHFCBa2KVkG0T7Wt1qet9ra1w9Xn3ufe1ld7b21tvVq1alut+mhJQK3Yqjig1SpCDgIyBiLTSZhCAglTyLSeP86GxjTDQZKc6ft+vXh5zjrrrLM2O+bL3mvv3zHnHCIiIu2JC/UEREQkvCkoRESkQwoKERHpkIJCREQ6pKAQEZEOJYR6Al1h0KBBLi8vL9TTEBGJKMuXL9/rnMvorF9UBEVeXh4+ny/U0xARiShmti2Yfjr1JCIiHVJQiIhIhxQUIiLSIQWFiIh0SEEhIiIdCioozGymmZWaWZmZ3d3G60lmVuS9vtTM8lq8do/XXmpmM1q0P2lme8xsTaux0s3sTTPb5P13wElsn4iInKROg8LM4oFHgMuBAuBGMyto1e1WYJ9zbhTwAHCf994CYC4wFpgJPOqNB/BHr621u4G3nXP5wNvecxERCZFgjiimAmXOuc3OuXpgHjCrVZ9ZwNPe4wXAdDMzr32ec+6oc24LUOaNh3PuPaC6jc9rOdbTwDXBb450p82VB3m3dE+opyEiPSyYoMgG/C2el3ttbfZxzjUCNcDAIN/bWqZzbqf3eBeQ2VYnM7vdzHxm5qusrAxiM+Rk3fS7pXzlqRLeWrc71FMRkR4U1ovZLvCtSm1+s5Jz7gnnXKFzrjAjo9M70OUkle05wK7aOgC+V7SSTysPhnhGItJTggmKCiC3xfMcr63NPmaWAKQBVUG+t7XdZpbljZUF6FxHGCj2lZMQZ7xy53kkJsRx+zM+DtQ1hHpaItIDggmKEiDfzEaYWSKBxemFrfosBG7xHl8PLPaOBhYCc72rokYA+cCyTj6v5Vi3AC8HMUfpRg1Nzbz4cTnTTxvMuJw0Hr7pDLZWHeZ7RatobtZX6YpEu06DwltzuBNYBKwHip1za83sXjO72uv2B2CgmZUBd+FdqeScWwsUA+uA14E7nHNNAGb2J2AJMMbMys3sVm+snwOXmtkm4BLvuYTQ4g172HuwnjmFgYPDs08ZyL9/4TTeWr+bB9/eFOLZiUh3s8A//CNbYWGhU/XY7nPb0yV8Ul7Dh3dfTEJ84N8Wzjl+uOATFiwv58G5E5k1sbNrFEQk3JjZcudcYWf9wnoxW0JvT20d75RWct3knOMhAWBm/Oza0zlzRDo/nP8JJVvbutJZRKKBgkI6tODjcpqa3fHTTi0lJcTz+Jcnk5Pem68/42PL3kMhmKGIdDcFhbTLOcd8XzlT89IZMahvm33690nkqa9MIc6Mrz61jOpD9T08SxHpbgoKaVfJ1n1s2XuIOVP++WiipeED+/K7myezo6aOrz/j40h9Uw/NUER6goJC2lXs89MvKYErxg3ptO/k4ek8eMNEVmzfxzefW059Y3MPzFBEeoKCQtp0oK6Bv36yk6smZNEnMbivVr98XBY/u3Yc75ZW8oP5usdCJFoE9xtAYs5fP9nJkYamNhexO3Lj1GHsP9zAfa9vIK13L+6dNZZAfUgRiVQKCmlTkc9P/uB+TMztf8Lv/eaFp7D/cD2Pv7eZ/n168f3LxnT9BEWkxygo5J9s2n2AFdv38+9fOO1zHw3cffmp1Bxp4DeLy0iMj+Pb0/O7eJYi0lMUFPJPin1+EuKMayZ9/rutAzfkjaO+sZlfvbkRM7jzYoWFSCRSUMhnBAoAVnDJaZkM6pd0UmPFxxm/nD0BgPvf2AgoLEQikYJCPuPt9XuoOlTPnCk5XTJe67AwM+64aFSXjC0iPUNBIZ8x3+cnMzWJ8/O77sugjoWFA365qJT6xma+e0m+roYSiRAKCjlud20d75Tu4RsXnPKZAoBdIT7OuH/2BBLijAff3kTNkQb+48oC4uIUFiLhTkEhxy1YXk6z44TvnQhWfJxx33XjSUnuxZMfbOFAXSP3XTeuy0NJRLqWgkKAYwUA/UwdkU5eOwUAu0JcnPF/rzyNtN69eOCtjRyoa+A3N00iKSG+2z5TRE6O/iknACzbUs3WqsPc0E1HEy2ZGd+5JJ//vKqAN9bt5qtPlVCr798WCVsKCgGg2FfuFQDM6rHP/Oq5I/j1nAks21LN9b/9kIr9R3rss0UkeAoK4UBdA6+u3slVE4bSO7FnTwF98Ywcnv7aVHbur+PaRz5gTUVNj36+iHROQSH8xSsAeEMn3zvRXc4dNYgF3zyHXvFxzHl8Ce9s2BOSeYhI2xQUQlGJn9GZ/ZiQkxayOYwZksJL3zqHkRl9ufXpEp5ZshXnVKZcJBwoKGLcxt0HWOnfz5zC3JDfADc4NZmi28/mojGD+Y+X13LPi6s52qhvyxMJNQVFjCsu8dMr3rj2JAoAdqW+SQk8cXMhd1x0CvNK/Nz0u6Xsqa0L9bREYpqCIobVNzbz0opAAcCBJ1kAsCvFxxk/nHEqj9x0But21HLVw39npX9/qKclErMUFDFs8YbdgQKAPXDvxOfxhfFZvPDNc0iICyxyF5f4Qz0lkZikoIhhxb5yhqQmc/7orisA2NUKhqbyyrfPo3D4AH70wid8v3gVh+sbQz0tkZiioIhRu2rqeLd0D9dNziY+zAvzpfdN5Nlbz+Rfpufz4opyZj38AWV7DoR6WiIxQ0ERo174OFAAcPbk8Dzt1Fp8nHHXpaN55mtTqT5Uz1W/+YCXVpSHeloiMUFBEYOccxT7/JzZzQUAu8O0/Axe/c40xuWk8b2iVfxowSoOHdWpKJHupKCIQUu3VLOt6nDI7sQ+WZmpyTx/25ncedEo5i8v54qH3mf5tn2hnpZI1FJQxKBin5+UpAQuP73nCgB2tYT4OH4wYwxFt59NY5Nj9mMf8us3N9LQ1BzqqYlEnaCCwsxmmlmpmZWZ2d1tvJ5kZkXe60vNLK/Fa/d47aVmNqOzMc1supl9bGYrzezvZqYvWO5CtccKAE7s+QKA3WHqiHRe++40rpmUzUNvb2L2Y0vYsvdQqKclElU6DQoziwceAS4HCoAbzaygVbdbgX3OuVHAA8B93nsLgLnAWGAm8KiZxXcy5m+BLznnJgLPA/9+Ulson/GXVTupa2juke+d6Cmpyb349ZyJPHzTJLbsPcQVD77PUx9soblZtaJEukIwRxRTgTLn3GbnXD0wD5jVqs8s4Gnv8QJgugUKB80C5jnnjjrntgBl3ngdjemAVO9xGrDj822atKXI52dMZgrjQ1gAsLtcOX4or393GmeOTOcnr6xjzuNL+LTyYKinJRLxggmKbKDlLbHlXlubfZxzjUANMLCD93Y05m3Aq2ZWDnwZ+HlbkzKz283MZ2a+ysrKIDZDSncdYJV/P3OmhL4AYHfJSuvNU1+Zwq9mT2DTnoNc/uD7/PbdT2nU2oXI5xaOi9nfA65wzuUATwG/bquTc+4J51yhc64wIyN87ywOJ8W+8CoA2F3MjOsm5/DmXedz0ZgM7nt9A9c++iHrd9aGemoiESmYoKgAWp7QzvHa2uxjZgkEThlVdfDeNtvNLAOY4Jxb6rUXAecEtSXSoWMFAC8tyCS9b2Kop9MjBqck89j/mswjN53Bjv1HuPI3f+e/Xl2v+y5ETlAwQVEC5JvZCDNLJLA4vbBVn4XALd7j64HFLvCtMwuBud5VUSOAfGBZB2PuA9LMbLQ31qXA+s+/eXLM2+t3U32ontlRtIgdDDPjC+OzeOuuC5hTmMMT721m+q/+xmurd+qLkUSClNBZB+dco5ndCSwC4oEnnXNrzexewOecWwj8AXjWzMqAagK/+PH6FQPrgEbgDudcE0BbY3rtXwdeMLNmAsHxtS7d4hhV5PMHCgDmx+ZpugF9E/nvL45ndmEu//bSGr753MdcMDqDn1w9NuLuThfpaRYN/6oqLCx0Pp8v1NMIWztrjnDuzxfzrQtH8YMZY0I9nZBrbGrm2Y+28as3NlLf1Mw3LjiFb1wwkj6Jnf67SSSqmNly51xhZ/3CcTFbutgLy70CgIU5oZ5KWEiIj+Or547g7e9fwMyxQ3jo7U1cfP/fePHjct17IdIGBUWUa252FPvKOWtkOsMH6hRLS5mpyTx04yQWfONsMlOTuKt4Fdc8+gG+rdWhnppIWFFQRLmlW6rZXh25BQB7QmFeOi9961weuGECe2qPcv1jS7jj+Y/xVx8O9dREwoJOyka5+T4/KcmRXQCwJ8TFGddOymHG2CE8/rfNPP7ep7y5djdfOmsYd1w0ikFh9J3iIj1NRxRRrLaugVfX7OTqCUNJ7hX5BQB7Qp/EBL536Wje+cGFXDspm6c/3MoFv3iHX7+5kQN1DaGenkhIKCii2CurdgQKAOq00wnLSuvNfdeP543vXcAFYzJ46O1NnP+Ld/j9+5upa2gK9fREepSCIooVl/g5dUgK47KjrwBgTxk1uB+PfmkyC+88l9Oz0/jpX9dz0f3v8vzS7dQ3qn6UxAYFRZTasKuWVeU1zCmM3gKAPWl8Tn+evfVMnr/tTDJTk/k/L63mwl++w7NLtnK0UUcYEt0UFFGquKScXvHGNVFeALCnnTNqEC996xye+dpUsvr35v++vJYLfvEuf/xgi05JSdRSUEShQAHAci4rGBIzBQB7kplx/ugMFnzjbJ677UyGpffhx6+sY5q3hnG4XkUHJbro8tgo9Nb63ew73KA7sbuZmXHuqEGcO2oQH22u4qG3N/HTv67n4XfKuPms4dx8Tp4uq5WooKCIQkUlfrLSkpkWowUAQ+GskQM5a+RAlm+r5rG/beahxWU8/t5mrp+cw9enjVThQYloCooos2P/Ed7bVMmdF40iPk6L2D1t8vB0fndzOmV7DvL79zcz31fO88u2M3PsEG4/fySThg0I9RRFTpiCIsq8sLwc52D2ZN07EUqjBvfj59eN565LR/PHD7fy/z7axmtrdjE1L51bzsnjsrGZ9IrXEqFEBpUZjyLNzY4L73+XnAG9ef7rZ4V6OtLCwaONzFu2naeXbMVffYQhqcl8+ezhzJ2Sy0CtY0iIqMx4DPpoSxXbqw8zJ8a+xS4S9EtK4LZpI3n3Bxfxu5sLGTW4H79cVMrZP1/M94tXsbq8JtRTFGmXTj1Fkfm+clKSE5h5+pBQT0XaER9nXFqQyaUFmZTtOcDTH27jhY/LeeHjcs4Y1p8vnz2cy0/PUm0uCSs69RQlao40MPVnbzG7MIefXjMu1NORE1Bb18ACXznPLNnK1qrDpPXuxbWTsrlx6jDGDEkJ9fQkigV76klHFFHilVU7ONrYzA2Fw0I9FTlBqcm9+Np5I/jKOXl8tLmK55dt57ml2/jjh1s5Y1h/bpw6jCvHD6V3oo4yJDR0RBElrn7479Q3NvPad6aptlMUqDp4lBc/ruBPJdvZXHmIlOQErpmYzQ1Tchk7NFX7WLqEjihiyPqdtXxSXsN/XlWgXyBRYmC/JL5+/khumzaCZVuq+dOy7RT5/Dz70TbGZKZw3eRsZk3MJjM1OdRTlRigoIgCxT4/ifFxXDNRBQCjjZlx5siBnDlyID8+XM8rn+zkxY/L+a9XN/Dz1zZwXn4G152RzWUFQ3RqSrqNgiLCHW1s4s8rKrh0bCYDVAAwqvXvk8iXzxrOl88azqeVB3np4wpeWlHBd+atpF9SAl8Yl8UXz8hmSl46cborX7qQgiLCvbVuD/sON+jeiRhzSkY/fjBjDHddOpqPtlTx4scV/OWTHRT5AnW+rhyfxZXjhzI+J02nI+WkaTE7wt385DLKdh/g/X+9WLWdYtzh+kbeWLubv3yyg79trKShyTEsvQ9XTcjiqglDGZOZotCQz9BidgzYsf8I72+q5NsqAChAn8QErpmUzTWTsqk53MCitbt45ZMdPPa3zTzyzqeMGtyPq8YP5coJWZyS0S/U05UIoqCIYAuOFQDUaSdpJa1PL+ZMyWXOlFz2HjzKa2t28ZdVO/iftzfywFsbOXVICpeNHcKMsZkUZOlyW+mYTj1FqOZmxwX3v8Ow9D48d5sKAEpwdtXU8erqnby+dhe+rdU0O8hN782MgiHMOH0IZwwboKPTGKJTT1Huo81V+KuP8IPLxoR6KhJBhqQl87XzRvC180aw9+BR3lq3m0Vrd/HMkm38/u9bGNQviUsLMpl5+hDOHjmQxATVDRUFRcQq9vlJTU5gxlgVAJTPZ1C/JOZOHcbcqcM4UNfAO6WVLFq7i5dXVvCnZdtJSUrg/NEZXHTqYC4ck6GvdY1hQQWFmc0EHgTigd87537e6vUk4BlgMlAF3OCc2+q9dg9wK9AE/ItzblFHY1rgZOlPgdnee37rnHvo5DYzutQcaeC1NbuYU5irKqPSJVKSe3H1hKFcPWEodQ1NfFC2lzfW7uad0j38dfVOzGBCTn+mnzqYi04drDIiMabToDCzeOAR4FKgHCgxs4XOuXUtut0K7HPOjTKzucB9wA1mVgDMBcYCQ4G3zGy09572xvwKkAuc6pxrNrPBXbGh0WThsQKAU7SILV0vuVc800/LZPppmTQ3O9btrOXt9XtYXLqHX725kV+9uZEhqclcdGoGF5+aybmjBtInUScnolkwe3cqUOac2wxgZvOAWUDLoJgF/Nh7vAB42DsymAXMc84dBbaYWZk3Hh2M+U3gJudcM4Bzbs/n37zoVFzi57SsVMYOTQ31VCTKxcUZp2encXp2Gt+5JJ89B+p4t7SSdzbsYeHKHfxpmZ/EhDim5qUzLX8Q54/O4NQhul8j2gQTFNmAv8XzcuDM9vo45xrNrAYY6LV/1Oq9xwoStTfmKQSORq4FKgmcrtrUelJmdjtwO8CwYbFTWnvdjlpWV9TwYxUAlBAYnJLMnMJc5hTmUt/YTMnWahZv2MP7myr579c28N+vbSAjJYlpowYxbfQgzhuVQUaK1jYiXTgeLyYBdc65QjP7IvAkMK11J+fcE8ATELg8tmenGDrHCgDOUgFACbHEhDjOHTWIc0cNAgKX3r6/qZL3N+3l3Y2VvLiiAoDTslI5P38Q0/IzKMwboHW1CBRMUFQQWDM4Jsdra6tPuZklAGkEFrU7em977eXAi97jl4CngphjTDja2MSfV1ZwmQoAShgakpbM7MJcZhfmHl/beG9TJe9v3MuTH2zh8fc2k5QQR2HeAM4eOZCzRg5kfE5/XYIbAYIJihIg38xGEPhlPhe4qVWfhcAtwBLgemCxc86Z2ULgeTP7NYHF7HxgGWAdjPln4CJgC3ABsPFzb12UeXPdbvarAKBEgJZrG9+6cBSHjjaybEs172/ay5LNVdz/RuB/69694gPBccpAzh45kHHZaSTEKzjCTadB4a053AksInAp65POubVmdi/gc84tBP4APOstVlcT+MWP16+YwCJ1I3CHc64JoK0xvY/8OfCcmX0POAjc1nWbG9mKSvxk9+99/FBfJFL0TUrgIu/SWoB9h+pZuqWKJZ9WsWRzFb94vRSAfkkJTDkeHIMoGJqqO8XDgEp4RIiK/Uc4777FfPvifO66dHTnbxCJIHsPHuWjzf8Ijs2VhwBISUrgjOEDmJI3gMK8dCbm9tcaRxdSCY8os8BXDsDsyTkhnolI1xvUL4krxw/lyvFDAdhdW8dHm6tYtqUa39Z9x09V9YoPnNKakpdO4fBAeKRrva7bKSgiQHOzY/5yP+eeMojc9D6hno5It8tMTWbWxOzjV/ftP1zP8m37KNm6D9/Wav74wVaeeG8zAKdk9A0Ehxcewwf20aXjXUxBEQGWbK6ifN8RfjhDBQAlNvXvk3j8bnGAuoYmVlfUULI1cMTx6uqdzCsJ3JqV3jeRibn9mZTbn0nDBjA+N43U5F6hnH7EU1BEABUAFPms5F7xTMlLZ0peOhA46t605yC+bdWs3L6fFf79LN4QKOpgBqMy+gXCY9gAJub2Z3RmP11ddQIUFGGu5nCgAODcKSoAKNKeuDhjzJAUxgxJ4UtnDgcCxTM/Kd/Piu37Wenfz1vrdzN/eWCtr09iPONz0piYGwiOCblpDElN1imrdigowtzCVRXUNzbr3gmRE5TWuxfT8jOYlp8BgHOObVWHWenfz4rt+1jp38/v399MY3Pgys9B/RI5PTuN8d79H+NyFB7HKCjCXJHPT0FWKqdnp4V6KiIRzczIG9SXvEF9uWZSYJG8rqGJtTtqWVNRw+qKGlaX1/Dexkq87GBQvyTGZacyLqc/47LTGJ+TRmZqcgi3IjQUFGFs7Y4a1lTU8pOrx4Z6KiJRKblXPJOHD2Dy8AHH247UN7FuZyA0VlfUsrpiP39rER4ZKUmM8446CrwqzjkDekf1kYeCIozN95WTmBDHrIlDQz0VkZjROzGeycPTmTw8/Xjb4fpG1u+s5ZPywJHHmooa3i3dczw8UpISOC0rldOyUjgtK5WCoamMzkyJmnVFBUWYqmto4qUVFcwYO4T+fXRDkUgo9UlM+KfwOFLfROnuA6zbUcv6nbWs21nLguXlHKpvAiDO4JSMfseD41iQDE6JvFNXCoow9ea63dQcaWBOoe7EFglHvRPjmZjbn4m5/Y+3NTc7tlcfZv3Of4TH8m37WLhqx/E+g/olcVpWCmMyUxg9JIXRmSnkD+5H36Tw/XUcvjOLccU+rwDgKSoAKBIp4uL+sWB++bis4+37D9ezfueB4+Gxfmctz360jaONzcf75Kb3ZkxmCvmZXohkpnDK4L4kJYT+9JWCIgyV7zvM38v28p3p+cSpcqZIxOvfJzFQEfeUgcfbmpod/urDlO4+wMZdByjdfYBNuw/ybmnl8Ut24+OMvIF9GO0Fx5ghKYzO7EfewL49esOggiIMLfBuCrpeBQBFolZ8i6OPllUX6hub2Vp1iI0tAmTDrgMsWrvr+OJ5YnwcIwb1ZdTgftx9+andXgNOQRFmmpsd833lnDdqEDkDVABQJNYkJsQdP4Jg/D/a6xqaKNtzMBAguw9Stucga3fU9Mg3BCoowsyHn1ZRsf8I/3r5qaGeioiEkeRe8ce/NbCnqSpWmCn2+Unr3YvLCjJDPRUREUBBEVZqDjfw+tpdXDNxaNTcqCMikU9BEUZePlYAcIoKAIpI+FBQhJGiEj9jh6YydqgKAIpI+FBQhIk1FTWs3VHLDTqaEJEwo6AIE/N9/kABwAnZoZ6KiMhnKCjCQF1DE39euYOZY4eQ1kff7Ssi4UVBEQbeOF4AUKedRCT8KCjCQHGJn5wBvTmnRR0YEZFwoaAIMX/1YT74dC+zJ+eqAKCIhCUFRYgdLwCo750QkTCloAih5mbHguWBAoDZ/XuHejoiIm1SUITQB5/upWL/ES1ii0hYU1CEULGvnP59enHZWBUAFJHwpaAIkf2H61m0dhfXTMwOi686FBFpT1BBYWYzzazUzMrM7O42Xk8ysyLv9aVmltfitXu89lIzm3ECYz5kZgc/53aFvZdX7ggUANRpJxEJc50GhZnFA48AlwMFwI1mVtCq263APufcKOAB4D7vvQXAXGAsMBN41MziOxvTzAqBASe5bWGtqMTP6dmpFAxNDfVUREQ6FMwRxVSgzDm32TlXD8wDZrXqMwt42nu8AJhuZua1z3POHXXObQHKvPHaHdMLkV8CPzq5TQtfaypqWLezlht0NCEiESCYoMgG/C2el3ttbfZxzjUCNcDADt7b0Zh3Agudczs7mpSZ3W5mPjPzVVZWBrEZ4aPYKwB4tQoAikgECKvFbDMbCswGftNZX+fcE865QudcYUZGRvdProvUNTTx5xUVXH66CgCKSGQIJigqgJbnSHK8tjb7mFkCkAZUdfDe9tonAaOAMjPbCvQxs7IgtyUiLFq7i9q6Ri1ii0jECCYoSoB8MxthZokEFqcXtuqzELjFe3w9sNg557z2ud5VUSOAfGBZe2M65/7qnBvinMtzzuUBh70F8qhR7POTm96bs0eqAKCIRIaEzjo45xrN7E5gERAPPOmcW2tm9wI+59xC4A/As96//qsJ/OLH61cMrAMagTucc00AbY3Z9ZsXXvzVh/mgrIq7Lh2tAoAiEjE6DQoA59yrwKut2v6jxeM6AmsLbb33Z8DPghmzjT79gplfpJi/vBwzuG6yCgCKSOQIq8XsaNbU7Fjg8zMtP0MFAEUkoigoesgHZXvZUVPHHJUTF5EIo6DoIcU+P/379OLSAhUAFJHIoqDoAfsO1fPG2t0qACgiEUlB0QNeXllBfZMKAIpIZFJQdDPnHEW+csZlp6kAoIhEJAVFN1tTUcv6nbXMmaKjCRGJTAqKblbs85OUEMfVE4aGeioiIp+LgqIb1TU08eeVXgHA3ioAKCKRSUHRjRat3cWBukaddhKRiKag6EZFJYECgGeNUAFAEYlcCopu4q8+zIefVjFncq4KAIpIRFNQdJP5Pr8KAIpIVFBQdIOmZseC5eWcn5/BUBUAFJEIp6DoBn8/XgBQi9giEvkUFN2g2OdnQJ9eXFIwONRTERE5aQqKLrbvUD1vrt3NNZNUAFBEooOCoou9tCJQAPAG3TshIlFCQdGFnHMU+/yMz0nj1CEqACgi0UFB0YVWV9SwYdcBLWKLSFRRUHShYwUAr1IBQBGJIgqKLlLX0MTLK3dwxbgsFQAUkaiioOgir6/xCgDqtJOIRBkFRRcpKvEzLL0PZ45ID/VURES6lIKiC2yvOsySzVXMKcxRAUARiToKii4wf7mfOBUAFJEopaA4SccLAI7OICtNBQBFJPooKE7S+5sq2akCgCISxRQUJ2m+r5z0volcclpmqKciItItFBQnofpQPW+s28U1E7NJTNBfpYhEp6B+u5nZTDMrNbMyM7u7jdeTzKzIe32pmeW1eO0er73UzGZ0NqaZPee1rzGzJ80sbO9ee2lFBQ1NTgUARSSqdRoUZhYPPAJcDhQAN5pZQatutwL7nHOjgAeA+7z3FgBzgbHATOBRM4vvZMzngFOBcUBv4LaT2sJu4pxjvs/PhJw0xgxJCfV0RES6TTBHFFOBMufcZudcPTAPmNWqzyzgae/xAmC6mZnXPs85d9Q5twUo88Zrd0zn3KvOAywDwvKa00/KvQKAOpoQkSgXTFBkA/4Wz8u9tjb7OOcagRpgYAfv7XRM75TTl4HX25qUmd1uZj4z81VWVgaxGV2r2OcnuZcKAIpI9AvnFdhHgfecc++39aJz7gnnXKFzrjAjI6NHJ3akvomFK3dwxelZpCaH7RKKiEiXSAiiTwXQ8vxKjtfWVp9yM0sA0oCqTt7b7phm9p9ABvC/g5hfj3t97U4OHG3UaScRiQnBHFGUAPlmNsLMEgksTi9s1WchcIv3+HpgsbfGsBCY610VNQLIJ7Du0O6YZnYbMAO40TnXfHKb1z2KSvwMH6gCgCISGzo9onDONZrZncAiIB540jm31szuBXzOuYXAH4BnzawMqCbwix+vXzGwDmgE7nDONQG0Nab3kY8B24AlgfVwXnTO3dtlW3yStlUd4qPN1fxwxhi8+YmIRLVgTj3hnHsVeLVV23+0eFwHzG7nvT8DfhbMmF57UHMKlfm+8kABwDPC8mIsEZEuF86L2WHnWAHAC0ZnMCQtOdTTERHpEQqKE/Depkp21aoAoIjEFgXFCZjv85PeN5HpKgAoIjFEQRGkqoNHeXPdbq6dpAKAIhJb9BsvSMcKAOq0k4jEGgVFEJxzFPv8TMjtrwKAIhJzFBRBWFVew8bdB7lBRxMiEoMUFEH4RwHArFBPRUSkxykoOnGkvolXVu7ginFZpKgAoIjEIAVFJ15bEygAqNNOIhKrFBSdKCrxkzewD1NVAFBEYpSCogNb9x5i6ZZqZhfmqgCgiMQsBUUH5i/3qwCgiMQ8BUU7jhUAvHDMYBUAFJGYpqBox3sbK9lde5Q5hTqaEJHYpqBoR1GJn4F9E7n4VBUAFJHYpqBoQ9XBo7y1XgUARURAQdGml1ZU0NjsmDNF906IiCgoWnHOUVTiZ2Juf0ZnqgCgiIiCopWV/v1s2nOQG3Q0ISICKCj+SbGvnN694rlyvAoAioiAguIzDtc38soqFQAUEWlJQdHCa6t3cfBoo047iYi0oKBoocjnZ8SgvkzJGxDqqYiIhA0FhWfL3kMs21LN7MIcFQAUEWlBQeGZ71MBQBGRtigogMamZl74uJyLxgwmM1UFAEVEWlJQAO9tChQAnK1vsRMR+ScKCgIFAAf1S2T6aYNDPRURkbAT80Gx9+BR3l6/h2snZdMrPub/OkRE/knM/2Z86eNAAUDdOyEi0raggsLMZppZqZmVmdndbbyeZGZF3utLzSyvxWv3eO2lZjajszHNbIQ3Rpk3ZuJJbmO7nHMU+/ycMaw/owarAKCISFs6DQoziwceAS4HCoAbzaygVbdbgX3OuVHAA8B93nsLgLnAWGAm8KiZxXcy5n3AA95Y+7yxu8UKrwDgHC1ii4i0K5gjiqlAmXNus3OuHpgHzGrVZxbwtPd4ATDdAnetzQLmOeeOOue2AGXeeG2O6b3nYm8MvDGv+dxb14n5Pn+gAOCEod31ESIiES+YoMgG/C2el3ttbfZxzjUCNcDADt7bXvtAYL83RnufBYCZ3W5mPjPzVVZWBrEZ/2xYel++cm4e/ZISPtf7RURiQcT+hnTOPQE8AVBYWOg+zxjfvPCULp2TiEg0CuaIogJoeRI/x2trs4+ZJQBpQFUH722vvQro743R3meJiEgPCiYoSoB872qkRAKL0wtb9VkI3OI9vh5Y7JxzXvtc76qoEUA+sKy9Mb33vOONgTfmy59/80RE5GR1eurJOddoZncCi4B44Enn3FozuxfwOecWAn8AnjWzMqCawC9+vH7FwDqgEbjDOdcE0NaY3kf+KzDPzH4KrPDGFhGRELHAP+IjW2FhofP5fKGehohIRDGz5c65ws76xfyd2SIi0jEFhYiIdEhBISIiHVJQiIhIh6JiMdvMKoFtn/Ptg4C9XTidSKBtjg3a5uh3sts73DmX0VmnqAiKk2FmvmBW/aOJtjk2aJujX09tr049iYhIhxQUIiLSIQWFV1gwxmibY4O2Ofr1yPbG/BqFiIh0TEcUIiLSIQWFiIh0KKaDwsxmmlmpmZWZ2d2hns+JMLNcM3vHzNaZ2Voz+47Xnm5mb5rZJu+/A7x2M7OHvG39xMzOaDHWLV7/TWZ2S4v2yWa22nvPQ95X1Yac973rK8zsL97zEWa21JtnkVe6Hq+8fZHXvtTM8lqMcY/XXmpmM1q0h93PhJn1N7MFZrbBzNab2dnRvp/N7Hvez/UaM/uTmSVH2342syfNbI+ZrWnR1u37tb3P6JBzLib/EChv/ikwEkgEVgEFoZ7XCcw/CzjDe5wCbAQKgF8Ad3vtdwP3eY+vAF4DDDgLWOq1pwObvf8O8B4P8F5b5vU1772Xh3q7vXndBTwP/MV7XgzM9R4/BnzTe/wt4DHv8VygyHtc4O3vJGCE93MQH64/EwS+O/4273Ei0D+a9zOBrz/eAvRusX+/Em37GTgfOANY06Kt2/dre5/R4VxD/T9BCH8YzwYWtXh+D3BPqOd1EtvzMnApUApkeW1ZQKn3+HHgxhb9S73XbwQeb9H+uNeWBWxo0f6ZfiHczhzgbeBi4C/e/wR7gYTW+5XA952c7T1O8PpZ6319rF84/kwQ+LbILXgXnrTef9G4nwkEhd/75Zfg7ecZ0bifgTw+GxTdvl/b+4yO/sTyqadjP4zHlHttEcc71J4ELAUynXM7vZd2AZne4/a2t6P28jbaQ+1/gB8Bzd7zgcB+51yj97zlPI9vm/d6jdf/RP8uQmkEUAk85Z1u+72Z9SWK97NzrgK4H9gO7CSw35YT3fv5mJ7Yr+19RrtiOSiigpn1A14Avuucq235mgv8kyFqrn82syuBPc655aGeSw9KIHB64rfOuUnAIQKnC46Lwv08AJhFICSHAn2BmSGdVAj0xH4N9jNiOSgqgNwWz3O8tohhZr0IhMRzzrkXvebdZpblvZ4F7PHa29vejtpz2mgPpXOBq81sKzCPwOmnB4H+Znbsa31bzvP4tnmvpwFVnPjfRSiVA+XOuaXe8wUEgiOa9/MlwBbnXKVzrgF4kcC+j+b9fExP7Nf2PqNdsRwUJUC+dyVFIoFFsIUhnlPQvCsY/gCsd879usVLC4FjVz7cQmDt4lj7zd7VE2cBNd7h5yLgMjMb4P1L7jIC5293ArVmdpb3WTe3GCsknHP3OOdynHN5BPbXYufcl4B3gOu9bq23+djfxfVef+e1z/WulhkB5BNY+Au7nwnn3C7Ab2ZjvKbpBL6DPmr3M4FTTmeZWR9vTse2OWr3cws9sV/b+4z2hXLRKtR/CFxJsJHAFRD/Fur5nODczyNwyPgJsNL7cwWBc7NvA5uAt4B0r78Bj3jbuhoobDHW14Ay789XW7QXAmu89zxMqwXVEG//hfzjqqeRBH4BlAHzgSSvPdl7Xua9PrLF+//N265SWlzlE44/E8BEwOft6z8TuLolqvcz8BNggzevZwlcuRRV+xn4E4E1mAYCR4639sR+be8zOvqjEh4iItKhWD71JCIiQVBQiIhIhxQUIiLSIQWFiIh0SEEhIiIdUlCIiEiHFBQiItKh/w/uhegfvR+Q7QAAAABJRU5ErkJggg==\n", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - } - ], - "source": [ - "xs = list(range(100000))\n", - "plt.plot(xs, lrs)" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "id": "4f4e282c", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/wenet/venv/lib/python3.8/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - } - ], - "source": [ - "from typing import Union\n", - "\n", - "from paddle.optimizer.lr import LRScheduler\n", - "from typeguard import check_argument_types\n", - "\n", - "class WarmupLR(LRScheduler):\n", - " \"\"\"The WarmupLR scheduler\n", - " This scheduler is almost same as NoamLR Scheduler except for following\n", - " difference:\n", - " NoamLR:\n", - " lr = optimizer.lr * model_size ** -0.5\n", - " * min(step ** -0.5, step * warmup_step ** -1.5)\n", - " WarmupLR:\n", - " lr = optimizer.lr * warmup_step ** 0.5\n", - " * min(step ** -0.5, step * warmup_step ** -1.5)\n", - " Note that the maximum lr equals to optimizer.lr in this scheduler.\n", - " \"\"\"\n", - "\n", - " def __init__(self,\n", - " warmup_steps: Union[int, float]=25000,\n", - " learning_rate=1.0,\n", - " last_epoch=-1,\n", - " verbose=False):\n", - " assert check_argument_types()\n", - " self.warmup_steps = warmup_steps\n", - " super().__init__(learning_rate, last_epoch, verbose)\n", - "\n", - " def __repr__(self):\n", - " return f\"{self.__class__.__name__}(warmup_steps={self.warmup_steps})\"\n", - "\n", - " def get_lr(self):\n", - " step_num = self.last_epoch + 1\n", - " return self.base_lr * self.warmup_steps**0.5 * min(\n", - " step_num**-0.5, step_num * self.warmup_steps**-1.5)\n", - "\n", - " def set_step(self, step: int):\n", - " self.step(step)" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "id": "8c40b202", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "-1\n" - ] - } - ], - "source": [ - "sc = WarmupLR(warmup_steps=25000, learning_rate=0.001)\n", - "print(step)\n", - "#sc.set_step(step)\n", - "sc.set_step(0)" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "id": "ecbc7e37", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[]" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYoAAAD4CAYAAADy46FuAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/Z1A+gAAAACXBIWXMAAAsTAAALEwEAmpwYAAAqaUlEQVR4nO3de3xU9Z3/8dcnCUm4JIGEEAIBEiCAQW4SEG94F7QqagGhu9Varb9a3W51267+tr/dtrvdVevW1VardrVaa4WAN7QqKqJ4QchwvwYiAZMQICQQ7uT2/f0xB4xpLoMkmcnM+/l48GDmO99z5ns4Yd4553vOZ8w5h4iISHOigj0AEREJbQoKERFpkYJCRERapKAQEZEWKShERKRFMcEeQFvo3bu3y8zMDPYwREQ6lRUrVux1zqW21i8sgiIzMxOfzxfsYYiIdCpmtiOQfjr1JCIiLVJQiIhIixQUIiLSIgWFiIi0SEEhIiItCigozGyqmRWYWaGZ3dvE63FmNtd7fZmZZTZ47T6vvcDMpjRof8bM9pjZ+kbrSjazd81sq/d3r9PYPhEROU2tBoWZRQOPAVcCOcBsM8tp1O1WYJ9zbijwMPCAt2wOMAsYCUwFHvfWB/Cs19bYvcAi51w2sMh7LiIiQRLIEcVEoNA5t805Vw3MAaY16jMNeM57PB+41MzMa5/jnDvunCsCCr314ZxbAlQ28X4N1/UccF3gmyPtaVv5IT4o2BPsYYhIBwskKPoDxQ2el3htTfZxztUCVUBKgMs2luacK/Me7wLSmupkZrebmc/MfOXl5QFshpyuWU99xnf+mM+iTbuDPRQR6UAhPZnt/N+q1OQ3KznnnnLO5TrnclNTW70DXU7T1t0H2XPwOAA/mrOaz8sPBXlEItJRAgmKUmBAg+cZXluTfcwsBkgCKgJctrHdZpburSsd0LmOEJDnKyYmynj9rvPpEhPF7X/ycfBYTbCHJSIdIJCgyAeyzSzLzGLxT04vaNRnAXCz93g68L53NLAAmOVdFZUFZAPLW3m/huu6GXgtgDFKO6qpq+fllaVcdkYaozKSeOxbZ7G94gj35K2hvl5fpSsS7loNCm/O4S5gIbAJyHPObTCzX5rZtV63p4EUMysE7sG7Usk5twHIAzYCbwN3OufqAMzsRWApMNzMSszsVm9d9wOXm9lW4DLvuQTRok17qDhczcwJGQCcMySFf7nqDN7duJtH398a5NGJSHsz/y/+nVtubq5T9dj2c+uz+azfWcUn/3wJMdH+3y2cc/x43lpeWlnCI7PGMm1sa9coiEioMbMVzrnc1vqF9GS2BN/uA8dYXLCHb56VcTIkAMyM/7zhTCZmJfOTeWvJ397Ulc4iEg4UFNKil1aWUO9gZu6Av3ktLiaap749noxeXbn9Tz627z0chBGKSHtTUEiznHPM85UwMSuZzN7dm+zTs1ssf7xlAmbGLc/ms+9wdQePUkTam4JCmrW8qJKivYe5sYmjiYYGpXTnDzeNp3T/Ub73Jx9Hq+s6aIQi0hEUFNKsPF8JPeJiuHJU31b7jh+UzP/cOJYVX+zjBy+soKauvgNGKCIdQUEhTTp4rIY315VxzZh+dIsN7KvVrxqVzn9eP4rFBeX8eJ7usRAJF4F9AkjEeWNtGUdr6rhxQsunnRqbPXEg+45U8+DbBSR17cIvrh2Jvz6kiHRWCgpp0tz8Yoal9WBMRtIpL3vHhUPYf6SGp5Zso2fXLtxzxfB2GKGIdBQFhfyNLbsPsrp4Pz/7xhlf62jAzLjvyhFUHanh0fcLiY2J4q5LstthpCLSERQU8jfy8ovpEm1cP+7r323tvyFvFDV19Tz0zhbMjDsvHtqGoxSRjqKgkK+orq3nlVX+AoApPeJOa13RUcavZ4zBAb9eWACgsBDphBQU8hXvb97tLwDYyr0TgYqOMh6aMQbwh4UZ/OAihYVIZ6KgkK/I85XQNzGeycPa7sugToSFc44H3y6gptbxw0uH6mookU5CQSEn7ao6xgcFe7jjoiFER7Xth3h0lPHfM8cSEx3Fw+9toepoDT/7xhlEtfH7iEjbU1DISScKAM4Y3zannRqLjjIe/OZoEuJjeOaTIg4cq+H+G0Z9pSqtiIQeBYUAJwoAFnN2CwUA20JUlPGvV+eQ1LUL//PeVg4dq+WR2WOJi4lut/cUkdOjX+UEgGVFlWyvOHLKd2J/HWbGjy4bxr9encPbG3bx3WfzOaDv3xYJWQoKASDPV0xCXAxXnpneYe/53fOz+O8ZY1i2rZIZv1/Kzv1HO+y9RSRwCgrhwIkCgGP70TW2Y08BfXN8Bs/eMpGd+49y3WOfsL60qkPfX0Rap6AQ3lhTxrGa+ja7d+JUnZ/dm3l3nENMlHHjk0tZXLAnKOMQkaYpKIS5vmKGpyV8rQKAbWVE30ReufM8BqV057bnfDy/dDvOqUy5SChQUES4gl0HWVO8n5kTBgT9Bri0xHjyvn8OFw5L5f+9toH/+8o6qmv1BUgiwaagiHB5vtMvANiWesTF8IebcvnBRUN4cXkxs//wGXsOHgv2sEQimoIigp0oAHh5ThrJ3WODPZyToqOMn04dwe++NY6NOw9w7W8/YW3J/mAPSyRiKSgi2KJNu6k8XM2MIE1it+bq0f2Yf8c5REcZ059YyjxfcbCHJBKRFBQRLM9X7C8AmN12BQDb2sh+SSy46zxyB/XiJ/PX8uN5azhaXRfsYYlEFAVFhNpVdYwPt5QzfXxGmxcAbGspPeJ4/taz+eElQ3lpZQnTHvuYwj0Hgz0skYihoIhQJwsA5mYEeygBiY4y7rliOM/dMpGKQ9Vc+7tPeGVVSbCHJRIRFBQRqL7ekecrZtLgZAaltF8BwPYweVgqf/3hBZzZL4m7567hp/PXcPh4bbCHJRLWFBQRaPn2SnZ0UAHA9tA3KZ6/fO9sfnDREOatKOGqRz9i5Rf7gj0skbCloIhAefn+AoBTR3ZcAcC2FhMdxU+njmDO9yZRW+eY8cRSHn53C7V1ukFPpK0FFBRmNtXMCsys0MzubeL1ODOb672+zMwyG7x2n9deYGZTWlunmV1qZivNbLWZfWxm+oLlNnTgWA1vri/j2iAUAGwPZw9O4a0fXcC0Mf14ZNFWpj+xlKK9h4M9LJGw0mpQmFk08BhwJZADzDaznEbdbgX2OeeGAg8DD3jL5gCzgJHAVOBxM4tuZZ2/B/7OOTcW+Avws9PaQvmK19fsDGoBwPaQGN+F39w4lt/OHse28kNc9chHPPtJEfX1qhUl0hYCOaKYCBQ657Y556qBOcC0Rn2mAc95j+cDl5q/cNA0YI5z7rhzrggo9NbX0jodkOg9TgJ2fr1Nk6bk5Rczom8Co4NYALC9XDOmHwvvnszErGR+/vpGZj65lG3lh4I9LJFOL5Cg6A80vCW2xGtrso9zrhaoAlJaWLaldd4GvGlmJcC3gfubGpSZ3W5mPjPzlZeXB7AZsnnXAdaUVDEzN/gFANtLelJXnr1lAg/NGMOW3QeZ+shHPPHh55q7EDkNoTiZfTdwlXMuA/gj8JumOjnnnnLO5TrnclNTQ/fO4lCSl19Cl2jjuhApANhezIzp4zN4754LuXh4Kve/tZkbfv8pm3cdCPbQRDqlQIKiFGh4QjvDa2uyj5nF4D9lVNHCsk22m1kqMMY5t8xrnwucG9CWSIv8BQBLuCKnb0gVAGxPfRLjeeLvx/O7b42jdN9RvvHox/znm5t034XIKQokKPKBbDPLMrNY/JPTCxr1WQDc7D2eDrzv/N86swCY5V0VlQVkA8tbWOc+IMnMhnnruhzY9PU3T054b9Nu9h2p6TR3YrcVM+Pq0f14754LmTE+g6eWbOOy33zIW+vK9MVIIgGKaa2Dc67WzO4CFgLRwDPOuQ1m9kvA55xbADwNPG9mhUAl/g9+vH55wEagFrjTOVcH0NQ6vfbvAS+ZWT3+4Phum25xhMrzFZOeFM8FIVwAsD316h7L/d8czYzcAfzs1fXc8cJKLhyWyi+uHUlm7851d7pIR7Nw+K0qNzfX+Xy+YA8jZJVVHeW8+9/nzouH8k9XDA/2cIKutq6ePy3dwW/e3UJ1XT3fv3AI379wMN1iW/29SSSsmNkK51xua/1CcTJb2thLK7wCgOPD596J0xETHcV3z89i0T9dyJSRfXl00VYueehDXl5ZonsvRJqgoAhz/gKAJZwzOIWBKd2CPZyQkpYYz29nj2Pe98+hT2Ic9+St4brHP8G3vTLYQxMJKQqKMLesqJIvKjtvAcCOMCEzmVd/cB6/mTmG3QeOMf2Jpdz5l5UUVx4J9tBEQoJOyoa5PF8xCfExTD2zb7CHEtKioowbzspg6pl9efLDbTy55HPe3bCbv580iDsvHkJKj7hgD1EkaHREEcaqjtbw5roypo3tR3yXzl8AsCN0i43h7suHsfjHF3H9uP48+2kRkx9czMPvbuHgsZpgD08kKBQUYez1NTs5XhteBQA7SnpSVx6YPpp37p7M5GGpPLJoKxf++gOe/riIYzX6zm6JLAqKMJbn8xcAHNU//AoAdpShfRL4/d+P57U7zyMnPZF/f2Mjlzz0AS8u/4LqWtWPksigoAhTm8oOsDbMCwB2pDEDevLn287mhdvOJjUxnvteXsfFD33Anz/bwfFaHWFIeFNQhKk8XzGx0VFcH+YFADvaeUN78+oPzuXZWybQJzGOn726ngsf/IDnPt2uU1ISthQUYeh4bR2vrirl8pFp9IqQAoAdycy4aHgfXr7jXP5869kMSO7Kvy3YwOQHF/P0x0UcrVZgSHjR5bFh6L2Ne9h3pEaT2O3MzDg/uzfnDU1h6bYKHl20lX9/YyO/e38rN52TyU3nDNJltRIWFBRhKM9XTL+keM4f2jvYQ4kIZsa5Q3pz7pDe5G+v5MkPP+eRRVt5csnnzBg/gNsuyGJQigoPSueloAgzO/cfZcnWcv7h4qFER2kSu6NNyExmQmYyhXsO8tSSbczNL+aFZTu48sx0bp88mDEDegZ7iCKnTEERZl5aUYJzMEOnnYJqaJ8EHpw+hh9fMZw/frqdP3+2g7+uK2NiVjLfOTeTK3LSiInWFKF0DiozHkbq6x0XPrSYAb268ZfvTQr2cKSBQ8drmbP8C579dDsl+47SLymev5s0iNkTB0bMNw5K6FGZ8Qj0WVEFxZVHVQAwBPWIi+G2Cwbz4U8u5g835ZKV2p1fLyxg0n8t4sfz1rC+tCrYQxRplk49hZG8fH8BwCkjVQAwVEVHGZfnpHF5Thpbdx/kuaXbeXllKfNXlDB+UC9uOmcQU0b2VW0uCSkKijBRdbSGt9bvYmbuAH3IdBLZaQn8x3Wj+MmUEcxfUcLzS7fzj3NW07NbF24Yl8HsiQPITksI9jBFFBThYoEKAHZaSV27cOv5WdxybiZLt1Xw4vIveP6z7TzzSRG5g3oxe+JArhqVTtdY/QIgwaHJ7DBxzW8/prbe8eYPz1dtpzBQceg4L68s5cXlX7Bt72ES4mO4YVx/Zk4YwMh+KvIobSPQyWwdUYSBjTsPsK60in+7JkchESZSesTxvcmDue2CLJYXVfLi8i94Mb+Y55buYETfBL55VgbTxvajT2J8sIcqEUBBEQZOFAC8bqwKAIYbM+PswSmcPTiFnx+p5vW1Zby0ooRfvbmJ/3prE5OHpXLDWRlckZOmuSlpNwqKTu54bR2vrlYBwEjQs1ss3540iG9PGsTn5Yd4eWUJr6ws5YcvriIhLoZvjE7nhrMyyB3UiyjdlS9tSEHRyb27cTf7j9RwoyaxI8qQ1B78ZMoI/uny4XxWVMFLK0pZsGYnc/L9db6uHtOPq0enM6p/kk5HymnTZHYnd9Mzy/l8zyGW/PRi1XaKcEeqa3lnw25eX7OTJVvLqalzDErpxjWj+3H1mHSGpyUoNOQrNJkdAUr3H+WjreX8wyXZCgmhW2wM143rz3Xj+lN1pIaFG3bx+tqdPP5BIb9bXEh2nx5cPbof14xJZ3Bqj2APVzoRBUUndrIA4PiMYA9FQkxSty7MnDCAmRMGsPfQcd5aV8bra8t4+L0tPPzeFkb0TWDKyL5MGdmXM9J1pCEt06mnTqq+3jH514sZlNKNF25TAUAJTFnVUd5ct4uF63eRv6MS52BgcjemjExjysi+nDVQE+GRRKeewtxn2yoo2XeUn0wZHuyhSCeSntSVW8/P4tbzsyg/eJz3Nu1m4YZdPPvpdv7wURGpCXFcnpPG1JF9mTQ4hdgY1Q0VBUWnNddXTKIKAMppSE2IY/bEgcyeOJADx2pYvHkPCzfs4tVVpfxl2RckxMcweVgql47ow0XD+6gcegQLKCjMbCrwCBAN/K9z7v5Gr8cBfwLGAxXAjc657d5r9wG3AnXAD51zC1tap/lPlv4HMMNb5vfOuUdPbzPDS9URfwHAWRNUAFDaRmJ8F6aN7c+0sf05VlPHx1v38s7GXSwuKOeva8swg3EDenLJiD5cMiJN8xoRptWgMLNo4DHgcqAEyDezBc65jQ263Qrsc84NNbNZwAPAjWaWA8wCRgL9gPfMbJi3THPr/A4wABjhnKs3sz5tsaHhZMGaUqpVAFDaSXyXaC7LSeOynDTq6x3rd1bx/uY9vL95Dw+9s4WH3tlCelI8F4/owyXD+3De0N4qWBjmAjmimAgUOue2AZjZHGAa0DAopgE/9x7PB37nHRlMA+Y4544DRWZW6K2PFtZ5B/At51w9gHNuz9ffvPA011dMTnoiZ/ZXcThpX1FRxuiMnozO6MmPLhvGngPH+KCgnEWbd/Oad4oqLiaKiVnJTM5O5YJhvXW/RhgKJCj6A8UNnpcAZzfXxzlXa2ZVQIrX/lmjZU8UJGpunUPwH41cD5TjP121tfGgzOx24HaAgQMHBrAZ4WHDzirWlx7g59fkBHsoEoH6JMafvOz2eG0dy4sqWby5nI+2lvOrNzfBm/65jwuyezM5O5XzhvYmNSEu2MOW0xSKk9lxwDHnXK6Z3QA8A1zQuJNz7ingKfBfHtuxQwyeeb4SfwHAcSoAKMEVFxPNBdmpXJCdCvgvvf1o614+2rqXxZv38PLKUgBy0hO5YJg/OHIzexEXo9NUnU0gQVGKf87ghAyvrak+JWYWAyThn9Ruadnm2kuAl73HrwB/DGCMEeFYTR2vrCrlipFp9OymK1AktKQndWVm7gBm5g6gvt6xYecBlmwtZ8mWcp75uIgnP9xGfJcocgclc86QFCYNTmF0RhJdonUJbqgLJCjygWwzy8L/YT4L+FajPguAm4GlwHTgfeecM7MFwF/M7Df4J7OzgeWAtbDOV4GLgSLgQmDL1966MPPuxt1UHa3hxgmaxJbQFhVljMpIYlRGEndePJTDx2tZVlTBki17+WxbBb9eWABAt9hoJmQmM2lwCucMSeHMfonEKDhCTqtB4c053AUsxH8p6zPOuQ1m9kvA55xbADwNPO9NVlfi/+DH65eHf5K6FrjTOVcH0NQ6vbe8H3jBzO4GDgG3td3mdm55vmL69+zKeUN6B3soIqeke1wMl4xI45IRaYD/G/yWFVXy2bYKln5ewQNvbwYgIS6GCVnJnOMFxxnpiapjFgJUwqOTKNl3hAseXMwPL8nm7suHtb6ASCdSfvC4PzS2VfDZ5xVs23sYgIT4GMYP6sWEzGRyB/VizICeuneoDamER5h5aYV/CmdGrgoASvhJTYjjmjH9uGZMPwB2VR3js20VLN9eSX5RJR8U+E9VdYk2RvVP8geHFx76wq72pyOKTuBEAcDMlO78+bbGVyaLhL99h6tZsWMf+Tsq8W3fx9qS/dTU+T+7hvbpwYTMXuQOSmZCZjIDkrvqPo4A6YgijCz1CgD+dOqIYA9FJCh6dY89ebc4+K8AXFtSRf72SnzbK3ljbRkvLvffmpXSPZaxA3oybmBPxg3sxeiMJBLiuwRz+J2egqITmJtfTFLXLlzh/ScRiXTxXaKZmJXMxKxkwH/UvWXPQfK372P1F/tZXbyPRZv9RR3MILtPDy88ejF2QE+GpSVokvwUKChCXNWRGt7esIvZKgAo0qyoKGNE30RG9E3k25MGAf7/O2tK9rPKC453Nu4mz1cCQPfYaEZlJJ0MjtEZSfRNjNcpq2YoKELca14BwBkqAChySpK6dWHysFQmD/PfOe6cY0fFEVYV+486VhXv5w9LtlFb75/r6N0jjlH9ExnVP4lRGT0Z1T+JtMQ4hQcKipCX5ytmZD8VABQ5XWZGZu/uZPbuzvXj/FcPHqupY8POA6wvrWJtSRXrS6v4cEs5XnbQu0ccozOSOLN/EqP7+28gTEuMD+JWBIeCIoSdKAD4i2tHBnsoImEpvks04wf1YvygXifbjlTXsqnsAOtKqlhb6g+PDwr2nAyP1IQ4Rvf3h0dOv0Ry0hPJ6BXeV1opKEJYXn4xsTFRTBvbL9hDEYkY3WJjGD8omfGDkk+2HamuZePOA6wrrWJdSRXrSqtY3CA8EuJjOKNvIjn9EjkjPYEz0hMZlpYQNvOKCooQdaymjldX72TKyL4qACgSZN1iY/w3+GV+NTwKdh1kU9lBNpZVsansIHm+Yo5U1wEQHWUM7t3dCw//n5z0xE5Zdl1BEaLeOVEAUJPYIiGpW2wM4wb2YtzAL09b1dc7vqg8wsayA2wqO8DGnQfIL6rktdU7T/bp3SOOM9ITGJ6WwLC+/r+z03rQLTZ0P45Dd2QRbp5XAPDcISnBHoqIBCgq6ssJ86tGpZ9s33e4mk27/MGxqewgm8oO8KeiHVTX1p/sMyC5qz880hIY3tf/9+DU7iHx/R0KihBUsu8IHxfu5R8vzSZKNwWJdHq9usdy7pDenNug8nNdvWNHxWG27D7Ilt2HKNh9kC27DvJBQfnJS3ajo4zMlG4ng+PEn8yUbh1ajl1BEYLmr/DfFDR9vAoAioSr6ChjcGoPBqf2YOqZX7ZX19ZTtPfwyeDYsvsgG3ce4K31uzhRmi82Ooqs3t0ZmtaDe6eOYEByt3Ydq4IixNTXO+b5Sjh/aG8yerXvzheR0BMbE8Xwvv7TT4z5sv1odR2Few55RyAHKdxziHUlVcTGtP+RhYIixHz6eQWl+49y75UqACgiX+rqlR0ZldHxN9/qOwdDzFyfvwDg5SoAKCIhQkERQvYfqWbhhl1cP65/2NyoIyKdn4IihLy2eqdXAFCT2CISOhQUISTPV8yZ/RMZ2U8FAEUkdCgoQsT60io27DzATN2JLSIhRkERIvJ8XgHAMf2DPRQRka9QUISAYzV1vLqqlKkj+5LUTd/tKyKhRUERAhZu2MWBY7XcOEGnnUQk9CgoQsA8XwkZvbpyzmAVABSR0KOgCLLiSn8BwBnjB6gAoIiEJAVFkM1fUYIZTNe9EyISohQUQVRX75i/wl8AsH/PrsEejohIkxQUQfTp53sp3X9Uk9giEtIUFEE0N7+Ynt1UAFBEQpuCIkj2H6nmnQ27uW5s/5D4qkMRkeYEFBRmNtXMCsys0MzubeL1ODOb672+zMwyG7x2n9deYGZTTmGdj5rZoa+5XSHv1VWlVNfVq2SHiIS8VoPCzKKBx4ArgRxgtpnlNOp2K7DPOTcUeBh4wFs2B5gFjASmAo+bWXRr6zSzXKDXaW5bSMvzlTCqfxI5/RKDPRQRkRYFckQxESh0zm1zzlUDc4BpjfpMA57zHs8HLjUz89rnOOeOO+eKgEJvfc2u0wuRXwM/Pb1NC13rS6vYWHaAmbokVkQ6gUCCoj9Q3OB5idfWZB/nXC1QBaS0sGxL67wLWOCcK2tpUGZ2u5n5zMxXXl4ewGaEjjxfMXExUVw7VgUARST0hdRktpn1A2YAv22tr3PuKedcrnMuNzU1tf0H10ZOFgA8sy9JXVUAUERCXyBBUQo0nHHN8Nqa7GNmMUASUNHCss21jwOGAoVmth3oZmaFAW5Lp3CyAKAmsUWkkwgkKPKBbDPLMrNY/JPTCxr1WQDc7D2eDrzvnHNe+yzvqqgsIBtY3tw6nXN/dc71dc5lOucygSPeBHnYyPMVMyC5K5NUAFBEOomY1jo452rN7C5gIRANPOOc22BmvwR8zrkFwNPA895v/5X4P/jx+uUBG4Fa4E7nXB1AU+ts+80LLcWVR/iksIJ7Lh+mAoAi0mm0GhQAzrk3gTcbtf1rg8fH8M8tNLXsr4BfBbLOJvr0CGR8ncU8rwDgN8fraicR6TxCajI7nNXVO+b7irkgO1UFAEWkU1FQdJBPCveys+qYJrFFpNNRUHSQub5ienXrwmU5fYI9FBGRU6Kg6AD7Dlfz7obdXDdOBQBFpPNRUHSAV1erAKCIdF4KinbmnGNufjGjM5I4I10FAEWk81FQtLP1pQfYvOsgM3Q0ISKdlIKinZ0sADimX7CHIiLytSgo2tGxmjpeXV3KlSoAKCKdmIKiHb29fhcHj9Uyc4JOO4lI56WgaEcnCwBmqQCgiHReCop28kXFET79vIKZ4weoAKCIdGoKinYyf0WxCgCKSFhQULSDunrHvBUlTM5OpZ8KAIpIJ6egaAcfF+6lrOoYN2oSW0TCgIKiHeTl+wsAXnqGCgCKSOenoGhjlYereWfjLq4fl6ECgCISFhQUbezVVaXU1DlmTtAktoiEBwVFG3LOkecrZkxGEiP6qgCgiIQHBUUbWldapQKAIhJ2FBRt6GQBwLEqACgi4UNB0UaO1dTx2uqdXDUqncR4FQAUkfChoGgjJwsA6rSTiIQZBUUbmZtfzMDkbpydlRzsoYiItCkFRRvYUXGYpdsqmJmboQKAIhJ2FBRtYP6KEqJUAFBEwpSC4jTV1Tvmryhh8rBU0pNUAFBEwo+C4jR9tLWcsqpjmsQWkbCloDhNeb5ikrvHctkZacEeiohIu1BQnIbKw9W8u3E314/rT2yM/ilFJDwF9OlmZlPNrMDMCs3s3iZejzOzud7ry8wss8Fr93ntBWY2pbV1mtkLXvt6M3vGzEL27rVXThQA1GknEQljrQaFmUUDjwFXAjnAbDPLadTtVmCfc24o8DDwgLdsDjALGAlMBR43s+hW1vkCMAIYBXQFbjutLWwnzjnm+YoZM6Anw/smBHs4IiLtJpAjiolAoXNum3OuGpgDTGvUZxrwnPd4PnCpmZnXPsc5d9w5VwQUeutrdp3OuTedB1gOhOQ1p2tL/AUAZ+aG5PBERNpMIEHRHyhu8LzEa2uyj3OuFqgCUlpYttV1eqecvg283dSgzOx2M/OZma+8vDyAzWhbeb5i4rtEcc0YFQAUkfAWyjOwjwNLnHMfNfWic+4p51yucy43NTW1Qwd2tLqOBat3ctWZKgAoIuEvJoA+pUDD2doMr62pPiVmFgMkARWtLNvsOs3s34BU4P8EML4O9/aGMg4er2XmBE1ii0j4C+SIIh/INrMsM4vFPzm9oFGfBcDN3uPpwPveHMMCYJZ3VVQWkI1/3qHZdZrZbcAUYLZzrv70Nq99zM0vZlCKCgCKSGRo9YjCOVdrZncBC4Fo4Bnn3AYz+yXgc84tAJ4GnjezQqAS/wc/Xr88YCNQC9zpnKsDaGqd3ls+AewAlvrnw3nZOffLNtvi07Sj4jCfbavkJ1OG441PRCSsBXLqCefcm8Cbjdr+tcHjY8CMZpb9FfCrQNbptQc0pmCZ5/MKAJ6lq51EJDKE8mR2yDlRAPDCYan0TYoP9nBERDqEguIULNlazq4DKgAoIpFFQXEK8vKLSekey6UqACgiEURBEaCKQ8d5b5MKAIpI5NEnXoBOFgDUvRMiEmEUFAFwzpHnK2bsgJ4MS1MBQBGJLAqKAKwpqWLL7kOaxBaRiKSgCMCXBQDTgz0UEZEOp6BoxdHqOl5fvZOrRqWToAKAIhKBFBSteGu9vwDgjTrtJCIRSkHRirn5xWSmdGOiCgCKSIRSULRg+97DLCuqZEbuABUAFJGIpaBowbwVxSoAKCIRT0HRjNq6euavKOGi4X1UAFBEIpqCohkfbd3L7gPHmZmrowkRiWwKimbM9QoAXjJCBQBFJLIpKJqgAoAiIl/Sp2ATXllVSm2940YVABQRUVA05pxjbn4x4wb2JFsFAEVEFBSNrS7ez9Y9KgAoInKCgqKRPF8JXbtEc/VoFQAUEQEFxVccqa7l9TUqACgi0pCCooG31u3i0PFaTWKLiDSgoGhgrq+YrN7dmZDZK9hDEREJGQoKT9HewywvqmRGboYKAIqINKCg8MzzqQCgiEhTFBT4CwC+tLKEi4f3IS1RBQBFRBpSUABLtpaz+8BxZujeCRGRv6GgwF8AsHePWC49o0+whyIiEnIiPij2HjrOok17uH5cf7pER/w/h4jI34j4T8ZXVqoAoIhISwIKCjObamYFZlZoZvc28Xqcmc31Xl9mZpkNXrvPay8wsymtrdPMsrx1FHrrjD3NbWyWc448XzFnDezJ0D4qACgi0pRWg8LMooHHgCuBHGC2meU06nYrsM85NxR4GHjAWzYHmAWMBKYCj5tZdCvrfAB42FvXPm/d7WKVCgCKiLQqkCOKiUChc26bc64amANMa9RnGvCc93g+cKn571qbBsxxzh13zhUBhd76mlynt8wl3jrw1nnd1966VszzFfsLAI7p115vISLS6QUSFP2B4gbPS7y2Jvs452qBKiClhWWba08B9nvraO69ADCz283MZ2a+8vLyADbjbw1M7s53zsukR1zM11peRCQSdNpPSOfcU8BTALm5ue7rrOOOi4a06ZhERMJRIEcUpUDDk/gZXluTfcwsBkgCKlpYtrn2CqCnt47m3ktERDpQIEGRD2R7VyPF4p+cXtCozwLgZu/xdOB955zz2md5V0VlAdnA8ubW6S2z2FsH3jpf+/qbJyIip6vVU0/OuVozuwtYCEQDzzjnNpjZLwGfc24B8DTwvJkVApX4P/jx+uUBG4Fa4E7nXB1AU+v03vKfgTlm9h/AKm/dIiISJOb/Jb5zy83NdT6fL9jDEBHpVMxshXMut7V+EX9ntoiItExBISIiLVJQiIhIixQUIiLSorCYzDazcmDH11y8N7C3DYfTGWibI4O2Ofyd7vYOcs6lttYpLILidJiZL5BZ/3CibY4M2ubw11Hbq1NPIiLSIgWFiIi0SEHhFRaMMNrmyKBtDn8dsr0RP0chIiIt0xGFiIi0SEEhIiItiuigMLOpZlZgZoVmdm+wx3MqzGyAmS02s41mtsHM/tFrTzazd81sq/d3L6/dzOxRb1vXmtlZDdZ1s9d/q5nd3KB9vJmt85Z51Puq2qDzvnd9lZm94T3PMrNl3jjneqXr8crbz/Xal5lZZoN13Oe1F5jZlAbtIfczYWY9zWy+mW02s01mdk6472czu9v7uV5vZi+aWXy47Wcze8bM9pjZ+gZt7b5fm3uPFjnnIvIP/vLmnwODgVhgDZAT7HGdwvjTgbO8xwnAFiAHeBC412u/F3jAe3wV8BZgwCRgmdeeDGzz/u7lPe7lvbbc62veslcGe7u9cd0D/AV4w3ueB8zyHj8B3OE9/gHwhPd4FjDXe5zj7e84IMv7OYgO1Z8J/N8df5v3OBboGc77Gf/XHxcBXRvs3++E234GJgNnAesbtLX7fm3uPVoca7D/EwTxh/EcYGGD5/cB9wV7XKexPa8BlwMFQLrXlg4UeI+fBGY36F/gvT4beLJB+5NeWzqwuUH7V/oFcTszgEXAJcAb3n+CvUBM4/2K//tOzvEex3j9rPG+PtEvFH8m8H9bZBHehSeN91847mf8QVHsffjFePt5SjjuZyCTrwZFu+/X5t6jpT+RfOrpxA/jCSVeW6fjHWqPA5YBac65Mu+lXUCa97i57W2pvaSJ9mD7H+CnQL33PAXY75yr9Z43HOfJbfNer/L6n+q/RTBlAeXAH73Tbf9rZt0J4/3snCsFHgK+AMrw77cVhPd+PqEj9mtz79GsSA6KsGBmPYCXgB855w40fM35f2UIm+ufzexqYI9zbkWwx9KBYvCfnvi9c24ccBj/6YKTwnA/9wKm4Q/JfkB3YGpQBxUEHbFfA32PSA6KUmBAg+cZXlunYWZd8IfEC865l73m3WaW7r2eDuzx2pvb3pbaM5poD6bzgGvNbDswB//pp0eAnmZ24mt9G47z5LZ5rycBFZz6v0UwlQAlzrll3vP5+IMjnPfzZUCRc67cOVcDvIx/34fzfj6hI/Zrc+/RrEgOinwg27uSIhb/JNiCII8pYN4VDE8Dm5xzv2nw0gLgxJUPN+OfuzjRfpN39cQkoMo7/FwIXGFmvbzf5K7Af/62DDhgZpO897qpwbqCwjl3n3MuwzmXiX9/ve+c+ztgMTDd69Z4m0/8W0z3+juvfZZ3tUwWkI1/4i/kfiacc7uAYjMb7jVdiv876MN2P+M/5TTJzLp5YzqxzWG7nxvoiP3a3Hs0L5iTVsH+g/9Kgi34r4D4l2CP5xTHfj7+Q8a1wGrvz1X4z80uArYC7wHJXn8DHvO2dR2Q22Bd3wUKvT+3NGjPBdZ7y/yORhOqQd7+i/jyqqfB+D8ACoF5QJzXHu89L/ReH9xg+X/xtquABlf5hOLPBDAW8Hn7+lX8V7eE9X4GfgFs9sb1PP4rl8JqPwMv4p+DqcF/5HhrR+zX5t6jpT8q4SEiIi2K5FNPIiISAAWFiIi0SEEhIiItUlCIiEiLFBQiItIiBYWIiLRIQSEiIi36/zob5nVzA95IAAAAAElFTkSuQmCC\n", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - } - ], - "source": [ - "lrs=[]\n", - "for i in range(100000):\n", - " sc.step()\n", - " lrs.append(sc.get_lr())\n", - "xs = list(range(100000))\n", - "plt.plot(xs, lrs)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "e613fe16", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "f0fd9f40", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.8.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/audio_feature.ipynb b/.notebook/audio_feature.ipynb deleted file mode 100644 index 04b4a3924..000000000 --- a/.notebook/audio_feature.ipynb +++ /dev/null @@ -1,1207 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 94, - "id": "matched-camera", - "metadata": {}, - "outputs": [], - "source": [ - "from nnAudio import Spectrogram\n", - "from scipy.io import wavfile\n", - "import torch\n", - "import soundfile as sf\n", - "import numpy as np" - ] - }, - { - "cell_type": "code", - "execution_count": 95, - "id": "quarterly-solution", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[43 75 69 ... 7 6 3]\n", - "[43 75 69 ... 7 6 3]\n", - "[43 75 69 ... 7 6 3]\n" - ] - } - ], - "source": [ - "import scipy.io.wavfile as wav\n", - "\n", - "rate,sig = wav.read('./BAC009S0764W0124.wav')\n", - "sr, song = wavfile.read('./BAC009S0764W0124.wav') # Loading your audio\n", - "sample, sr = sf.read('./BAC009S0764W0124.wav', dtype='int16')\n", - "print(sig)\n", - "print(song)\n", - "print(sample)" - ] - }, - { - "cell_type": "code", - "execution_count": 96, - "id": "middle-salem", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "16000\n", - "[43 75 69 ... 7 6 3]\n", - "(83792,)\n", - "int16\n", - "sampling rate = 16000. Please make sure the sampling rate is correct in order toget a valid freq range\n", - "STFT kernels created, time used = 0.2733 seconds\n", - "tensor([[[[-4.0940e+03, 1.2600e+04],\n", - " [ 8.5108e+03, -5.4930e+03],\n", - " [-3.3631e+03, -1.7904e+03],\n", - " ...,\n", - " [ 8.2279e+03, -9.3340e+03],\n", - " [-3.1990e+03, 2.0969e+03],\n", - " [-1.2669e+03, 4.4488e+03]],\n", - "\n", - " [[ 3.4886e+03, -9.9620e+03],\n", - " [-4.5364e+03, 4.1907e+02],\n", - " [ 2.5074e+03, 7.1339e+03],\n", - " ...,\n", - " [-5.4819e+03, 3.9258e+01],\n", - " [ 4.7221e+03, 6.5887e+01],\n", - " [ 9.6492e+02, -3.4386e+03]],\n", - "\n", - " [[-3.4947e+03, 9.2981e+03],\n", - " [-7.5164e+03, 8.1856e+02],\n", - " [-5.3766e+03, -9.0889e+03],\n", - " ...,\n", - " [ 1.4317e+03, 5.7447e+03],\n", - " [-3.1178e+03, 3.0740e+03],\n", - " [-3.4351e+03, 5.6900e+02]],\n", - "\n", - " ...,\n", - "\n", - " [[ 6.7112e+01, -4.5737e+00],\n", - " [-9.6295e+00, 3.5554e+01],\n", - " [ 1.8527e+00, -1.0491e+01],\n", - " ...,\n", - " [-1.1157e+01, 3.4423e+00],\n", - " [ 3.1193e+00, -4.4388e+00],\n", - " [-8.8242e+00, 8.0324e+00]],\n", - "\n", - " [[-6.5080e+01, 2.9543e+00],\n", - " [ 3.9992e+01, -1.3836e+01],\n", - " [-9.2803e+00, 1.0318e+01],\n", - " ...,\n", - " [ 4.2928e+00, 9.2397e+00],\n", - " [ 3.6642e+00, 9.4680e+00],\n", - " [ 4.8932e+00, -2.5199e+01]],\n", - "\n", - " [[ 4.7264e+01, -1.0721e+00],\n", - " [-6.0516e+00, -1.4589e+01],\n", - " [ 1.3127e+01, 1.4995e+00],\n", - " ...,\n", - " [ 1.7333e+01, -1.4380e+01],\n", - " [-3.6046e+00, -6.1019e+00],\n", - " [ 1.3321e+01, 2.3184e+01]]]])\n" - ] - } - ], - "source": [ - "sr, song = wavfile.read('./BAC009S0764W0124.wav') # Loading your audio\n", - "print(sr)\n", - "print(song)\n", - "print(song.shape)\n", - "print(song.dtype)\n", - "x = song\n", - "x = torch.tensor(x).float() # casting the array into a PyTorch Tensor\n", - "\n", - "spec_layer = Spectrogram.STFT(n_fft=2048, freq_bins=None, hop_length=512,\n", - " window='hann', freq_scale='linear', center=True, pad_mode='reflect',\n", - " fmin=50,fmax=8000, sr=sr) # Initializing the model\n", - "\n", - "spec = spec_layer(x) # Feed-forward your waveform to get the spectrogram\n", - "print(spec)" - ] - }, - { - "cell_type": "code", - "execution_count": 97, - "id": "finished-sterling", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "16000\n", - "[43 75 69 ... 7 6 3]\n", - "(83792,)\n", - "int16\n", - "True\n", - "sampling rate = 16000. Please make sure the sampling rate is correct in order toget a valid freq range\n", - "STFT kernels created, time used = 0.2001 seconds\n", - "torch.Size([1, 1025, 164, 2])\n", - "tensor([[[[-4.0940e+03, 1.2600e+04],\n", - " [ 8.5108e+03, -5.4930e+03],\n", - " [-3.3631e+03, -1.7904e+03],\n", - " ...,\n", - " [ 8.2279e+03, -9.3340e+03],\n", - " [-3.1990e+03, 2.0969e+03],\n", - " [-1.2669e+03, 4.4488e+03]],\n", - "\n", - " [[ 3.4886e+03, -9.9620e+03],\n", - " [-4.5364e+03, 4.1907e+02],\n", - " [ 2.5074e+03, 7.1339e+03],\n", - " ...,\n", - " [-5.4819e+03, 3.9258e+01],\n", - " [ 4.7221e+03, 6.5887e+01],\n", - " [ 9.6492e+02, -3.4386e+03]],\n", - "\n", - " [[-3.4947e+03, 9.2981e+03],\n", - " [-7.5164e+03, 8.1856e+02],\n", - " [-5.3766e+03, -9.0889e+03],\n", - " ...,\n", - " [ 1.4317e+03, 5.7447e+03],\n", - " [-3.1178e+03, 3.0740e+03],\n", - " [-3.4351e+03, 5.6900e+02]],\n", - "\n", - " ...,\n", - "\n", - " [[ 6.7112e+01, -4.5737e+00],\n", - " [-9.6295e+00, 3.5554e+01],\n", - " [ 1.8527e+00, -1.0491e+01],\n", - " ...,\n", - " [-1.1157e+01, 3.4423e+00],\n", - " [ 3.1193e+00, -4.4388e+00],\n", - " [-8.8242e+00, 8.0324e+00]],\n", - "\n", - " [[-6.5080e+01, 2.9543e+00],\n", - " [ 3.9992e+01, -1.3836e+01],\n", - " [-9.2803e+00, 1.0318e+01],\n", - " ...,\n", - " [ 4.2928e+00, 9.2397e+00],\n", - " [ 3.6642e+00, 9.4680e+00],\n", - " [ 4.8932e+00, -2.5199e+01]],\n", - "\n", - " [[ 4.7264e+01, -1.0721e+00],\n", - " [-6.0516e+00, -1.4589e+01],\n", - " [ 1.3127e+01, 1.4995e+00],\n", - " ...,\n", - " [ 1.7333e+01, -1.4380e+01],\n", - " [-3.6046e+00, -6.1019e+00],\n", - " [ 1.3321e+01, 2.3184e+01]]]])\n", - "True\n" - ] - } - ], - "source": [ - "wav, sr = sf.read('./BAC009S0764W0124.wav', dtype='int16')\n", - "print(sr)\n", - "print(wav)\n", - "print(wav.shape)\n", - "print(wav.dtype)\n", - "print(np.allclose(wav, song))\n", - "\n", - "x = wav\n", - "x = torch.tensor(x).float() # casting the array into a PyTorch Tensor\n", - "\n", - "spec_layer = Spectrogram.STFT(n_fft=2048, freq_bins=None, hop_length=512,\n", - " window='hann', freq_scale='linear', center=True, pad_mode='reflect',\n", - " fmin=50,fmax=8000, sr=sr) # Initializing the model\n", - "\n", - "wav_spec = spec_layer(x) # Feed-forward your waveform to get the spectrogram\n", - "print(wav_spec.shape)\n", - "print(wav_spec)\n", - "print(np.allclose(wav_spec, spec))" - ] - }, - { - "cell_type": "code", - "execution_count": 98, - "id": "running-technology", - "metadata": {}, - "outputs": [], - "source": [ - "import decimal\n", - "\n", - "import numpy\n", - "import math\n", - "import logging\n", - "def round_half_up(number):\n", - " return int(decimal.Decimal(number).quantize(decimal.Decimal('1'), rounding=decimal.ROUND_HALF_UP))\n", - "\n", - "\n", - "def rolling_window(a, window, step=1):\n", - " # http://ellisvalentiner.com/post/2017-03-21-np-strides-trick\n", - " shape = a.shape[:-1] + (a.shape[-1] - window + 1, window)\n", - " strides = a.strides + (a.strides[-1],)\n", - " return numpy.lib.stride_tricks.as_strided(a, shape=shape, strides=strides)[::step]\n", - "\n", - "\n", - "def framesig(sig, frame_len, frame_step, dither=1.0, preemph=0.97, remove_dc_offset=True, wintype='hamming', stride_trick=True):\n", - " \"\"\"Frame a signal into overlapping frames.\n", - "\n", - " :param sig: the audio signal to frame.\n", - " :param frame_len: length of each frame measured in samples.\n", - " :param frame_step: number of samples after the start of the previous frame that the next frame should begin.\n", - " :param winfunc: the analysis window to apply to each frame. By default no window is applied.\n", - " :param stride_trick: use stride trick to compute the rolling window and window multiplication faster\n", - " :returns: an array of frames. Size is NUMFRAMES by frame_len.\n", - " \"\"\"\n", - " slen = len(sig)\n", - " frame_len = int(round_half_up(frame_len))\n", - " frame_step = int(round_half_up(frame_step))\n", - " if slen <= frame_len:\n", - " numframes = 1\n", - " else:\n", - " numframes = 1 + (( slen - frame_len) // frame_step)\n", - "\n", - " # check kaldi/src/feat/feature-window.h\n", - " padsignal = sig[:(numframes-1)*frame_step+frame_len]\n", - " if wintype is 'povey':\n", - " win = numpy.empty(frame_len)\n", - " for i in range(frame_len):\n", - " win[i] = (0.5-0.5*numpy.cos(2*numpy.pi/(frame_len-1)*i))**0.85 \n", - " else: # the hamming window\n", - " win = numpy.hamming(frame_len)\n", - " \n", - " if stride_trick:\n", - " frames = rolling_window(padsignal, window=frame_len, step=frame_step)\n", - " else:\n", - " indices = numpy.tile(numpy.arange(0, frame_len), (numframes, 1)) + numpy.tile(\n", - " numpy.arange(0, numframes * frame_step, frame_step), (frame_len, 1)).T\n", - " indices = numpy.array(indices, dtype=numpy.int32)\n", - " frames = padsignal[indices]\n", - " win = numpy.tile(win, (numframes, 1))\n", - " \n", - " frames = frames.astype(numpy.float32)\n", - " raw_frames = numpy.zeros(frames.shape)\n", - " for frm in range(frames.shape[0]):\n", - " raw_frames[frm,:] = frames[frm,:]\n", - " frames[frm,:] = do_dither(frames[frm,:], dither) # dither\n", - " frames[frm,:] = do_remove_dc_offset(frames[frm,:]) # remove dc offset\n", - " # raw_frames[frm,:] = frames[frm,:]\n", - " frames[frm,:] = do_preemphasis(frames[frm,:], preemph) # preemphasize\n", - "\n", - " return frames * win, raw_frames\n", - "\n", - "\n", - "def magspec(frames, NFFT):\n", - " \"\"\"Compute the magnitude spectrum of each frame in frames. If frames is an NxD matrix, output will be Nx(NFFT/2+1).\n", - "\n", - " :param frames: the array of frames. Each row is a frame.\n", - " :param NFFT: the FFT length to use. If NFFT > frame_len, the frames are zero-padded.\n", - " :returns: If frames is an NxD matrix, output will be Nx(NFFT/2+1). Each row will be the magnitude spectrum of the corresponding frame.\n", - " \"\"\"\n", - " if numpy.shape(frames)[1] > NFFT:\n", - " logging.warn(\n", - " 'frame length (%d) is greater than FFT size (%d), frame will be truncated. Increase NFFT to avoid.',\n", - " numpy.shape(frames)[1], NFFT)\n", - " complex_spec = numpy.fft.rfft(frames, NFFT)\n", - " return numpy.absolute(complex_spec)\n", - "\n", - "\n", - "def powspec(frames, NFFT):\n", - " \"\"\"Compute the power spectrum of each frame in frames. If frames is an NxD matrix, output will be Nx(NFFT/2+1).\n", - "\n", - " :param frames: the array of frames. Each row is a frame.\n", - " :param NFFT: the FFT length to use. If NFFT > frame_len, the frames are zero-padded.\n", - " :returns: If frames is an NxD matrix, output will be Nx(NFFT/2+1). Each row will be the power spectrum of the corresponding frame.\n", - " \"\"\"\n", - " return numpy.square(magspec(frames, NFFT))\n", - "\n", - "\n", - "def do_dither(signal, dither_value=1.0):\n", - " signal += numpy.random.normal(size=signal.shape) * dither_value\n", - " return signal\n", - " \n", - "def do_remove_dc_offset(signal):\n", - " signal -= numpy.mean(signal)\n", - " return signal\n", - "\n", - "def do_preemphasis(signal, coeff=0.97):\n", - " \"\"\"perform preemphasis on the input signal.\n", - "\n", - " :param signal: The signal to filter.\n", - " :param coeff: The preemphasis coefficient. 0 is no filter, default is 0.95.\n", - " :returns: the filtered signal.\n", - " \"\"\"\n", - " return numpy.append((1-coeff)*signal[0], signal[1:] - coeff * signal[:-1])" - ] - }, - { - "cell_type": "code", - "execution_count": 99, - "id": "ignored-retreat", - "metadata": {}, - "outputs": [], - "source": [ - "def fbank(signal,samplerate=16000,winlen=0.025,winstep=0.01,\n", - " nfilt=40,nfft=512,lowfreq=0,highfreq=None,dither=1.0,remove_dc_offset=True, preemph=0.97, \n", - " wintype='hamming'):\n", - " highfreq= highfreq or samplerate/2\n", - " frames, raw_frames = framesig(signal, winlen*samplerate, winstep*samplerate, dither, preemph, remove_dc_offset, wintype)\n", - " spec = magspec(frames, nfft) # nearly the same until this part\n", - " rspec = magspec(raw_frames, nfft)\n", - " return spec, rspec\n", - "\n", - "\n", - "\n", - "def frames(signal,samplerate=16000,winlen=0.025,winstep=0.01,\n", - " nfilt=40,nfft=512,lowfreq=0,highfreq=None,dither=1.0,remove_dc_offset=True, preemph=0.97, \n", - " wintype='hamming'):\n", - " highfreq= highfreq or samplerate/2\n", - " frames, raw_frames = framesig(signal, winlen*samplerate, winstep*samplerate, dither, preemph, remove_dc_offset, wintype)\n", - " return raw_frames" - ] - }, - { - "cell_type": "code", - "execution_count": 100, - "id": "federal-teacher", - "metadata": {}, - "outputs": [], - "source": [ - "\n", - "import torch\n", - "import torch.nn as nn\n", - "from torch.nn.functional import conv1d, conv2d, fold\n", - "import scipy # used only in CFP\n", - "\n", - "import numpy as np\n", - "from time import time\n", - "\n", - "def pad_center(data, size, axis=-1, **kwargs):\n", - "\n", - " kwargs.setdefault('mode', 'constant')\n", - "\n", - " n = data.shape[axis]\n", - "\n", - " lpad = int((size - n) // 2)\n", - "\n", - " lengths = [(0, 0)] * data.ndim\n", - " lengths[axis] = (lpad, int(size - n - lpad))\n", - "\n", - " if lpad < 0:\n", - " raise ParameterError(('Target size ({:d}) must be '\n", - " 'at least input size ({:d})').format(size, n))\n", - "\n", - " return np.pad(data, lengths, **kwargs)\n", - "\n", - "\n", - "\n", - "sz_float = 4 # size of a float\n", - "epsilon = 10e-8 # fudge factor for normalization\n", - "\n", - "def create_fourier_kernels(n_fft, win_length=None, freq_bins=None, fmin=50,fmax=6000, sr=44100,\n", - " freq_scale='linear', window='hann', verbose=True):\n", - "\n", - " if freq_bins==None: freq_bins = n_fft//2+1\n", - " if win_length==None: win_length = n_fft\n", - "\n", - " s = np.arange(0, n_fft, 1.)\n", - " wsin = np.empty((freq_bins,1,n_fft))\n", - " wcos = np.empty((freq_bins,1,n_fft))\n", - " start_freq = fmin\n", - " end_freq = fmax\n", - " bins2freq = []\n", - " binslist = []\n", - "\n", - " # num_cycles = start_freq*d/44000.\n", - " # scaling_ind = np.log(end_freq/start_freq)/k\n", - "\n", - " # Choosing window shape\n", - "\n", - " #window_mask = get_window(window, int(win_length), fftbins=True)\n", - " window_mask = np.hamming(int(win_length))\n", - " window_mask = pad_center(window_mask, n_fft)\n", - "\n", - " if freq_scale == 'linear':\n", - " if verbose==True:\n", - " print(f\"sampling rate = {sr}. Please make sure the sampling rate is correct in order to\"\n", - " f\"get a valid freq range\")\n", - " \n", - " start_bin = start_freq*n_fft/sr\n", - " scaling_ind = (end_freq-start_freq)*(n_fft/sr)/freq_bins\n", - "\n", - " for k in range(freq_bins): # Only half of the bins contain useful info\n", - " # print(\"linear freq = {}\".format((k*scaling_ind+start_bin)*sr/n_fft))\n", - " bins2freq.append((k*scaling_ind+start_bin)*sr/n_fft)\n", - " binslist.append((k*scaling_ind+start_bin))\n", - " wsin[k,0,:] = np.sin(2*np.pi*(k*scaling_ind+start_bin)*s/n_fft)\n", - " wcos[k,0,:] = np.cos(2*np.pi*(k*scaling_ind+start_bin)*s/n_fft)\n", - "\n", - " elif freq_scale == 'log':\n", - " if verbose==True:\n", - " print(f\"sampling rate = {sr}. Please make sure the sampling rate is correct in order to\"\n", - " f\"get a valid freq range\")\n", - " start_bin = start_freq*n_fft/sr\n", - " scaling_ind = np.log(end_freq/start_freq)/freq_bins\n", - "\n", - " for k in range(freq_bins): # Only half of the bins contain useful info\n", - " # print(\"log freq = {}\".format(np.exp(k*scaling_ind)*start_bin*sr/n_fft))\n", - " bins2freq.append(np.exp(k*scaling_ind)*start_bin*sr/n_fft)\n", - " binslist.append((np.exp(k*scaling_ind)*start_bin))\n", - " wsin[k,0,:] = np.sin(2*np.pi*(np.exp(k*scaling_ind)*start_bin)*s/n_fft)\n", - " wcos[k,0,:] = np.cos(2*np.pi*(np.exp(k*scaling_ind)*start_bin)*s/n_fft)\n", - "\n", - " elif freq_scale == 'no':\n", - " for k in range(freq_bins): # Only half of the bins contain useful info\n", - " bins2freq.append(k*sr/n_fft)\n", - " binslist.append(k)\n", - " wsin[k,0,:] = np.sin(2*np.pi*k*s/n_fft)\n", - " wcos[k,0,:] = np.cos(2*np.pi*k*s/n_fft)\n", - " else:\n", - " print(\"Please select the correct frequency scale, 'linear' or 'log'\")\n", - " return wsin.astype(np.float32),wcos.astype(np.float32), bins2freq, binslist, window_mask.astype(np.float32)\n", - "\n", - "\n", - "\n", - "def broadcast_dim(x):\n", - " \"\"\"\n", - " Auto broadcast input so that it can fits into a Conv1d\n", - " \"\"\"\n", - "\n", - " if x.dim() == 2:\n", - " x = x[:, None, :]\n", - " elif x.dim() == 1:\n", - " # If nn.DataParallel is used, this broadcast doesn't work\n", - " x = x[None, None, :]\n", - " elif x.dim() == 3:\n", - " pass\n", - " else:\n", - " raise ValueError(\"Only support input with shape = (batch, len) or shape = (len)\")\n", - " return x\n", - "\n", - "\n", - "\n", - "### --------------------------- Spectrogram Classes ---------------------------###\n", - "class STFT(torch.nn.Module):\n", - "\n", - " def __init__(self, n_fft=2048, win_length=None, freq_bins=None, hop_length=None, window='hann',\n", - " freq_scale='no', center=True, pad_mode='reflect', iSTFT=False,\n", - " fmin=50, fmax=6000, sr=22050, trainable=False,\n", - " output_format=\"Complex\", verbose=True):\n", - "\n", - " super().__init__()\n", - "\n", - " # Trying to make the default setting same as librosa\n", - " if win_length==None: win_length = n_fft\n", - " if hop_length==None: hop_length = int(win_length // 4)\n", - "\n", - " self.output_format = output_format\n", - " self.trainable = trainable\n", - " self.stride = hop_length\n", - " self.center = center\n", - " self.pad_mode = pad_mode\n", - " self.n_fft = n_fft\n", - " self.freq_bins = freq_bins\n", - " self.trainable = trainable\n", - " self.pad_amount = self.n_fft // 2\n", - " self.window = window\n", - " self.win_length = win_length\n", - " self.iSTFT = iSTFT\n", - " self.trainable = trainable\n", - " start = time()\n", - "\n", - "\n", - "\n", - " # Create filter windows for stft\n", - " kernel_sin, kernel_cos, self.bins2freq, self.bin_list, window_mask = create_fourier_kernels(n_fft,\n", - " win_length=win_length,\n", - " freq_bins=freq_bins,\n", - " window=window,\n", - " freq_scale=freq_scale,\n", - " fmin=fmin,\n", - " fmax=fmax,\n", - " sr=sr,\n", - " verbose=verbose)\n", - "\n", - "\n", - " kernel_sin = torch.tensor(kernel_sin, dtype=torch.float)\n", - " kernel_cos = torch.tensor(kernel_cos, dtype=torch.float)\n", - " \n", - " # In this way, the inverse kernel and the forward kernel do not share the same memory...\n", - " kernel_sin_inv = torch.cat((kernel_sin, -kernel_sin[1:-1].flip(0)), 0)\n", - " kernel_cos_inv = torch.cat((kernel_cos, kernel_cos[1:-1].flip(0)), 0)\n", - " \n", - " if iSTFT:\n", - " self.register_buffer('kernel_sin_inv', kernel_sin_inv.unsqueeze(-1))\n", - " self.register_buffer('kernel_cos_inv', kernel_cos_inv.unsqueeze(-1))\n", - "\n", - " # Applying window functions to the Fourier kernels\n", - " if window:\n", - " window_mask = torch.tensor(window_mask)\n", - " wsin = kernel_sin * window_mask\n", - " wcos = kernel_cos * window_mask\n", - " else:\n", - " wsin = kernel_sin\n", - " wcos = kernel_cos\n", - " \n", - " if self.trainable==False:\n", - " self.register_buffer('wsin', wsin)\n", - " self.register_buffer('wcos', wcos) \n", - " \n", - " if self.trainable==True:\n", - " wsin = torch.nn.Parameter(wsin, requires_grad=self.trainable)\n", - " wcos = torch.nn.Parameter(wcos, requires_grad=self.trainable) \n", - " self.register_parameter('wsin', wsin)\n", - " self.register_parameter('wcos', wcos) \n", - " \n", - " # Prepare the shape of window mask so that it can be used later in inverse\n", - " # self.register_buffer('window_mask', window_mask.unsqueeze(0).unsqueeze(-1))\n", - " \n", - " if verbose==True:\n", - " print(\"STFT kernels created, time used = {:.4f} seconds\".format(time()-start))\n", - " else:\n", - " pass\n", - "\n", - " def forward(self, x, output_format=None):\n", - " \"\"\"\n", - " Convert a batch of waveforms to spectrograms.\n", - " \n", - " Parameters\n", - " ----------\n", - " x : torch tensor\n", - " Input signal should be in either of the following shapes.\\n\n", - " 1. ``(len_audio)``\\n\n", - " 2. ``(num_audio, len_audio)``\\n\n", - " 3. ``(num_audio, 1, len_audio)``\n", - " It will be automatically broadcast to the right shape\n", - " \n", - " output_format : str\n", - " Control the type of spectrogram to be return. Can be either ``Magnitude`` or ``Complex`` or ``Phase``.\n", - " Default value is ``Complex``. \n", - " \n", - " \"\"\"\n", - " output_format = output_format or self.output_format\n", - " self.num_samples = x.shape[-1]\n", - " \n", - " x = broadcast_dim(x)\n", - " if self.center:\n", - " if self.pad_mode == 'constant':\n", - " padding = nn.ConstantPad1d(self.pad_amount, 0)\n", - "\n", - " elif self.pad_mode == 'reflect':\n", - " if self.num_samples < self.pad_amount:\n", - " raise AssertionError(\"Signal length shorter than reflect padding length (n_fft // 2).\")\n", - " padding = nn.ReflectionPad1d(self.pad_amount)\n", - "\n", - " x = padding(x)\n", - " spec_imag = conv1d(x, self.wsin, stride=self.stride)\n", - " spec_real = conv1d(x, self.wcos, stride=self.stride) # Doing STFT by using conv1d\n", - "\n", - " # remove redundant parts\n", - " spec_real = spec_real[:, :self.freq_bins, :]\n", - " spec_imag = spec_imag[:, :self.freq_bins, :]\n", - "\n", - " if output_format=='Magnitude':\n", - " spec = spec_real.pow(2) + spec_imag.pow(2)\n", - " if self.trainable==True:\n", - " return torch.sqrt(spec+1e-8) # prevent Nan gradient when sqrt(0) due to output=0\n", - " else:\n", - " return torch.sqrt(spec)\n", - "\n", - " elif output_format=='Complex':\n", - " return torch.stack((spec_real,-spec_imag), -1) # Remember the minus sign for imaginary part\n", - "\n", - " elif output_format=='Phase':\n", - " return torch.atan2(-spec_imag+0.0,spec_real) # +0.0 removes -0.0 elements, which leads to error in calculating phase\n", - "\n", - " def inverse(self, X, onesided=True, length=None, refresh_win=True):\n", - " \"\"\"\n", - " This function is same as the :func:`~nnAudio.Spectrogram.iSTFT` class, \n", - " which is to convert spectrograms back to waveforms. \n", - " It only works for the complex value spectrograms. If you have the magnitude spectrograms,\n", - " please use :func:`~nnAudio.Spectrogram.Griffin_Lim`. \n", - " \n", - " Parameters\n", - " ----------\n", - " onesided : bool\n", - " If your spectrograms only have ``n_fft//2+1`` frequency bins, please use ``onesided=True``,\n", - " else use ``onesided=False``\n", - "\n", - " length : int\n", - " To make sure the inverse STFT has the same output length of the original waveform, please\n", - " set `length` as your intended waveform length. By default, ``length=None``,\n", - " which will remove ``n_fft//2`` samples from the start and the end of the output.\n", - " \n", - " refresh_win : bool\n", - " Recalculating the window sum square. If you have an input with fixed number of timesteps,\n", - " you can increase the speed by setting ``refresh_win=False``. Else please keep ``refresh_win=True``\n", - " \n", - " \n", - " \"\"\"\n", - " if (hasattr(self, 'kernel_sin_inv') != True) or (hasattr(self, 'kernel_cos_inv') != True):\n", - " raise NameError(\"Please activate the iSTFT module by setting `iSTFT=True` if you want to use `inverse`\") \n", - " \n", - " assert X.dim()==4 , \"Inverse iSTFT only works for complex number,\" \\\n", - " \"make sure our tensor is in the shape of (batch, freq_bins, timesteps, 2).\"\\\n", - " \"\\nIf you have a magnitude spectrogram, please consider using Griffin-Lim.\"\n", - " if onesided:\n", - " X = extend_fbins(X) # extend freq\n", - "\n", - " \n", - " X_real, X_imag = X[:, :, :, 0], X[:, :, :, 1]\n", - "\n", - " # broadcast dimensions to support 2D convolution\n", - " X_real_bc = X_real.unsqueeze(1)\n", - " X_imag_bc = X_imag.unsqueeze(1)\n", - " a1 = conv2d(X_real_bc, self.kernel_cos_inv, stride=(1,1))\n", - " b2 = conv2d(X_imag_bc, self.kernel_sin_inv, stride=(1,1))\n", - " \n", - " # compute real and imag part. signal lies in the real part\n", - " real = a1 - b2\n", - " real = real.squeeze(-2)*self.window_mask\n", - "\n", - " # Normalize the amplitude with n_fft\n", - " real /= (self.n_fft)\n", - "\n", - " # Overlap and Add algorithm to connect all the frames\n", - " real = overlap_add(real, self.stride)\n", - " \n", - " # Prepare the window sumsqure for division\n", - " # Only need to create this window once to save time\n", - " # Unless the input spectrograms have different time steps\n", - " if hasattr(self, 'w_sum')==False or refresh_win==True:\n", - " self.w_sum = torch_window_sumsquare(self.window_mask.flatten(), X.shape[2], self.stride, self.n_fft).flatten()\n", - " self.nonzero_indices = (self.w_sum>1e-10) \n", - " else:\n", - " pass\n", - " real[:, self.nonzero_indices] = real[:,self.nonzero_indices].div(self.w_sum[self.nonzero_indices])\n", - " # Remove padding\n", - " if length is None: \n", - " if self.center:\n", - " real = real[:, self.pad_amount:-self.pad_amount]\n", - "\n", - " else:\n", - " if self.center:\n", - " real = real[:, self.pad_amount:self.pad_amount + length] \n", - " else:\n", - " real = real[:, :length] \n", - " \n", - " return real\n", - " \n", - " def extra_repr(self) -> str:\n", - " return 'n_fft={}, Fourier Kernel size={}, iSTFT={}, trainable={}'.format(\n", - " self.n_fft, (*self.wsin.shape,), self.iSTFT, self.trainable\n", - " ) " - ] - }, - { - "cell_type": "code", - "execution_count": 128, - "id": "unusual-baker", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "16000\n", - "(83792,)\n", - "sampling rate = 16000. Please make sure the sampling rate is correct in order toget a valid freq range\n", - "STFT kernels created, time used = 0.0153 seconds\n", - "torch.Size([521, 257])\n", - "(522, 257)\n", - "[[5.84560000e+04 2.55260664e+04 9.83611035e+03 ... 7.80710554e+00\n", - " 2.32206573e+01 1.90274487e+01]\n", - " [1.35420000e+04 3.47535000e+04 1.51204707e+04 ... 1.69094101e+02\n", - " 1.80534729e+02 1.84179596e+02]\n", - " [3.47560000e+04 2.83094609e+04 8.20204883e+03 ... 1.02080307e+02\n", - " 1.21321175e+02 1.08345497e+02]\n", - " ...\n", - " [9.36700000e+03 2.86213008e+04 1.41182402e+04 ... 1.19344498e+02\n", - " 1.25670158e+02 1.20691467e+02]\n", - " [2.87510000e+04 2.04348242e+04 8.76390625e+03 ... 9.74485092e+01\n", - " 9.01831894e+01 9.84055099e+01]\n", - " [4.45240000e+04 8.93593262e+03 4.39246826e+03 ... 6.16300154e+00\n", - " 8.94473553e+00 9.61348629e+00]]\n", - "[[5.89760000e+04 2.51006729e+04 8.59603890e+03 ... 2.02818313e+01\n", - " 2.40645984e+01 2.20000000e+01]\n", - " [2.92660000e+04 2.72981079e+04 4.77242582e+03 ... 6.69265842e+01\n", - " 1.18775735e+02 1.62000000e+02]\n", - " [1.96300000e+04 2.81174834e+04 5.28803149e+03 ... 2.85011387e+01\n", - " 9.57810428e+01 1.42000000e+02]\n", - " ...\n", - " [1.67720000e+04 2.13227930e+04 4.06079895e+02 ... 2.60119790e+01\n", - " 7.84053656e+01 9.00000000e+01]\n", - " [3.86930000e+04 1.35982074e+04 6.77068420e+03 ... 6.10707909e+01\n", - " 5.13101944e+01 3.50000000e+01]\n", - " [3.10200000e+04 1.59203961e+04 4.30198496e+03 ... 5.36851600e+01\n", - " 6.36197377e+01 4.40000000e+01]]\n" - ] - } - ], - "source": [ - "wav, sr = sf.read('./BAC009S0764W0124.wav', dtype='int16')\n", - "print(sr)\n", - "print(wav.shape)\n", - "\n", - "x = wav\n", - "x = torch.tensor(x).float() # casting the array into a PyTorch Tensor\n", - "\n", - "spec_layer = STFT(n_fft=512, win_length=400, hop_length=160,\n", - " window='', freq_scale='linear', center=False, pad_mode='constant',\n", - " fmin=0, fmax=8000, sr=sr, output_format='Magnitude')\n", - "wav_spec = spec_layer(x) # Feed-forward your waveform to get the spectrogram\n", - "wav_spec = wav_spec[0].T\n", - "print(wav_spec.shape)\n", - "\n", - "\n", - "spec, rspec = fbank(wav, samplerate=16000,winlen=0.025,winstep=0.01,\n", - " nfilt=40, nfft=512,lowfreq=0,highfreq=None,\n", - " dither=0.0,remove_dc_offset=False, preemph=1.0, \n", - " wintype='hamming')\n", - "print(spec.shape)\n", - "\n", - "print(wav_spec.numpy())\n", - "print(rspec)\n", - "# print(spec)\n", - "\n", - "# spec, rspec = fbank(wav, samplerate=16000,winlen=0.032,winstep=0.01,\n", - "# nfilt=40, nfft=512,lowfreq=0,highfreq=None,\n", - "# dither=0.0,remove_dc_offset=False, preemph=1.0, \n", - "# wintype='hamming')\n", - "# print(rspec)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "white-istanbul", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 129, - "id": "modern-rescue", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[0. 0.11697778 0.41317591 0.75 0.96984631 0.96984631\n", - " 0.75 0.41317591 0.11697778 0. ]\n" - ] - }, - { - "data": { - "text/plain": [ - "array([0. , 0.0954915, 0.3454915, 0.6545085, 0.9045085, 1. ,\n", - " 0.9045085, 0.6545085, 0.3454915, 0.0954915])" - ] - }, - "execution_count": 129, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "print(np.hanning(10))\n", - "from scipy.signal import get_window\n", - "get_window('hann', 10, fftbins=True)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "professional-journalism", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 153, - "id": "involved-motion", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(522, 400)\n", - "[[ 43. 75. 69. ... 46. 46. 45.]\n", - " [ 210. 215. 216. ... -86. -89. -91.]\n", - " [ 128. 128. 128. ... -154. -151. -151.]\n", - " ...\n", - " [ -60. -61. -61. ... 112. 109. 110.]\n", - " [ 20. 22. 24. ... 91. 87. 87.]\n", - " [ 111. 107. 108. ... -6. -4. -8.]]\n", - "torch.Size([1, 1, 83792])\n", - "torch.Size([400, 1, 512])\n", - "torch.Size([1, 400, 521])\n", - "conv frame tensor([[ 43., 75., 69., ..., 46., 46., 45.],\n", - " [ 210., 215., 216., ..., -86., -89., -91.],\n", - " [ 128., 128., 128., ..., -154., -151., -151.],\n", - " ...,\n", - " [-143., -141., -142., ..., 96., 101., 101.],\n", - " [ -60., -61., -61., ..., 112., 109., 110.],\n", - " [ 20., 22., 24., ..., 91., 87., 87.]])\n", - "xx [[5.8976000e+04 2.5100676e+04 8.5960371e+03 ... 2.0281837e+01\n", - " 2.4064583e+01 2.2000000e+01]\n", - " [2.9266000e+04 2.7298107e+04 4.7724253e+03 ... 6.6926659e+01\n", - " 1.1877571e+02 1.6200000e+02]\n", - " [1.9630000e+04 2.8117480e+04 5.2880322e+03 ... 2.8501144e+01\n", - " 9.5781029e+01 1.4200000e+02]\n", - " ...\n", - " [2.1113000e+04 2.3099363e+04 7.1594033e+03 ... 3.1945959e+01\n", - " 9.1511757e+01 1.1500000e+02]\n", - " [1.6772000e+04 2.1322793e+04 4.0607855e+02 ... 2.6011946e+01\n", - " 7.8405365e+01 9.0000000e+01]\n", - " [3.8693000e+04 1.3598203e+04 6.7706826e+03 ... 6.1070789e+01\n", - " 5.1310158e+01 3.5000000e+01]]\n", - "torch.Size([521, 257])\n", - "yy [[5.89760000e+04 2.51006729e+04 8.59603890e+03 ... 2.02818313e+01\n", - " 2.40645984e+01 2.20000000e+01]\n", - " [2.92660000e+04 2.72981079e+04 4.77242582e+03 ... 6.69265842e+01\n", - " 1.18775735e+02 1.62000000e+02]\n", - " [1.96300000e+04 2.81174834e+04 5.28803149e+03 ... 2.85011387e+01\n", - " 9.57810428e+01 1.42000000e+02]\n", - " ...\n", - " [2.11130000e+04 2.30993602e+04 7.15940084e+03 ... 3.19459779e+01\n", - " 9.15117270e+01 1.15000000e+02]\n", - " [1.67720000e+04 2.13227930e+04 4.06079895e+02 ... 2.60119790e+01\n", - " 7.84053656e+01 9.00000000e+01]\n", - " [3.86930000e+04 1.35982074e+04 6.77068420e+03 ... 6.10707909e+01\n", - " 5.13101944e+01 3.50000000e+01]]\n", - "yy (522, 257)\n", - "[[5.8976000e+04 2.5100676e+04 8.5960371e+03 ... 2.0281837e+01\n", - " 2.4064583e+01 2.2000000e+01]\n", - " [2.9266000e+04 2.7298107e+04 4.7724253e+03 ... 6.6926659e+01\n", - " 1.1877571e+02 1.6200000e+02]\n", - " [1.9630000e+04 2.8117480e+04 5.2880322e+03 ... 2.8501144e+01\n", - " 9.5781029e+01 1.4200000e+02]\n", - " ...\n", - " [2.1113000e+04 2.3099363e+04 7.1594033e+03 ... 3.1945959e+01\n", - " 9.1511757e+01 1.1500000e+02]\n", - " [1.6772000e+04 2.1322793e+04 4.0607855e+02 ... 2.6011946e+01\n", - " 7.8405365e+01 9.0000000e+01]\n", - " [3.8693000e+04 1.3598203e+04 6.7706826e+03 ... 6.1070789e+01\n", - " 5.1310158e+01 3.5000000e+01]]\n", - "[[5.89760000e+04 2.51006729e+04 8.59603890e+03 ... 2.02818313e+01\n", - " 2.40645984e+01 2.20000000e+01]\n", - " [2.92660000e+04 2.72981079e+04 4.77242582e+03 ... 6.69265842e+01\n", - " 1.18775735e+02 1.62000000e+02]\n", - " [1.96300000e+04 2.81174834e+04 5.28803149e+03 ... 2.85011387e+01\n", - " 9.57810428e+01 1.42000000e+02]\n", - " ...\n", - " [2.11130000e+04 2.30993602e+04 7.15940084e+03 ... 3.19459779e+01\n", - " 9.15117270e+01 1.15000000e+02]\n", - " [1.67720000e+04 2.13227930e+04 4.06079895e+02 ... 2.60119790e+01\n", - " 7.84053656e+01 9.00000000e+01]\n", - " [3.86930000e+04 1.35982074e+04 6.77068420e+03 ... 6.10707909e+01\n", - " 5.13101944e+01 3.50000000e+01]]\n", - "False\n" - ] - } - ], - "source": [ - "f = frames(wav, samplerate=16000,winlen=0.025,winstep=0.01,\n", - " nfilt=40, nfft=512,lowfreq=0,highfreq=None,\n", - " dither=0.0,remove_dc_offset=False, preemph=1.0, \n", - " wintype='hamming')\n", - "print(f.shape)\n", - "print(f)\n", - "\n", - "n_fft=512\n", - "freq_bins = n_fft//2+1\n", - "s = np.arange(0, n_fft, 1.)\n", - "wsin = np.empty((freq_bins,1,n_fft))\n", - "wcos = np.empty((freq_bins,1,n_fft))\n", - "for k in range(freq_bins): # Only half of the bins contain useful info\n", - " wsin[k,0,:] = np.sin(2*np.pi*k*s/n_fft)\n", - " wcos[k,0,:] = np.cos(2*np.pi*k*s/n_fft)\n", - "\n", - "\n", - "wsin = np.empty((n_fft,1,n_fft))\n", - "wcos = np.empty((n_fft,1,n_fft))\n", - "for k in range(n_fft): # Only half of the bins contain useful info\n", - " wsin[k,0,:] = np.eye(n_fft, n_fft)[k]\n", - " wcos[k,0,:] = np.eye(n_fft, n_fft)[k]\n", - " \n", - " \n", - "wsin = np.empty((400,1,n_fft))\n", - "wcos = np.empty((400,1,n_fft))\n", - "for k in range(400): # Only half of the bins contain useful info\n", - " wsin[k,0,:] = np.eye(400, n_fft)[k]\n", - " wcos[k,0,:] = np.eye(400, n_fft)[k]\n", - " \n", - "\n", - " \n", - "x = torch.tensor(wav).float() # casting the array into a PyTorch Tensor\n", - "x = x[None, None, :]\n", - "print(x.size())\n", - "kernel_sin = torch.tensor(wsin, dtype=torch.float)\n", - "kernel_cos = torch.tensor(wcos, dtype=torch.float)\n", - "print(kernel_sin.size())\n", - "\n", - "from torch.nn.functional import conv1d, conv2d, fold\n", - "spec_imag = conv1d(x, kernel_sin, stride=160)\n", - "spec_real = conv1d(x, kernel_cos, stride=160) # Doing STFT by using conv1d\n", - "\n", - "print(spec_imag.size())\n", - "print(\"conv frame\", spec_imag[0].T)\n", - "# print(spec_imag[0].T[:, :400])\n", - "\n", - "# remove redundant parts\n", - "# spec_real = spec_real[:, :freq_bins, :]\n", - "# spec_imag = spec_imag[:, :freq_bins, :]\n", - "# spec = spec_real.pow(2) + spec_imag.pow(2)\n", - "# spec = torch.sqrt(spec)\n", - "# print(spec)\n", - "\n", - "\n", - "\n", - "s = np.arange(0, 512, 1.)\n", - "# s = s[::-1]\n", - "wsin = np.empty((freq_bins, 400))\n", - "wcos = np.empty((freq_bins, 400))\n", - "for k in range(freq_bins): # Only half of the bins contain useful info\n", - " wsin[k,:] = np.sin(2*np.pi*k*s/n_fft)[:400]\n", - " wcos[k,:] = np.cos(2*np.pi*k*s/n_fft)[:400]\n", - "\n", - "spec_real = torch.mm(spec_imag[0].T, torch.tensor(wcos, dtype=torch.float).T)\n", - "spec_imag = torch.mm(spec_imag[0].T, torch.tensor(wsin, dtype=torch.float).T)\n", - "\n", - "\n", - "# remove redundant parts\n", - "spec = spec_real.pow(2) + spec_imag.pow(2)\n", - "spec = torch.sqrt(spec)\n", - "\n", - "print('xx', spec.numpy())\n", - "print(spec.size())\n", - "print('yy', rspec[:521, :])\n", - "print('yy', rspec.shape)\n", - "\n", - "\n", - "x = spec.numpy()\n", - "y = rspec[:-1, :]\n", - "print(x)\n", - "print(y)\n", - "print(np.allclose(x, y))" - ] - }, - { - "cell_type": "code", - "execution_count": 160, - "id": "mathematical-traffic", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "torch.Size([257, 1, 400])\n", - "tensor([[[5.8976e+04, 2.9266e+04, 1.9630e+04, ..., 1.6772e+04,\n", - " 3.8693e+04, 3.1020e+04],\n", - " [2.5101e+04, 2.7298e+04, 2.8117e+04, ..., 2.1323e+04,\n", - " 1.3598e+04, 1.5920e+04],\n", - " [8.5960e+03, 4.7724e+03, 5.2880e+03, ..., 4.0608e+02,\n", - " 6.7707e+03, 4.3020e+03],\n", - " ...,\n", - " [2.0282e+01, 6.6927e+01, 2.8501e+01, ..., 2.6012e+01,\n", - " 6.1071e+01, 5.3685e+01],\n", - " [2.4065e+01, 1.1878e+02, 9.5781e+01, ..., 7.8405e+01,\n", - " 5.1310e+01, 6.3620e+01],\n", - " [2.2000e+01, 1.6200e+02, 1.4200e+02, ..., 9.0000e+01,\n", - " 3.5000e+01, 4.4000e+01]]])\n", - "[[5.8976000e+04 2.5100672e+04 8.5960391e+03 ... 2.0281828e+01\n", - " 2.4064537e+01 2.2000000e+01]\n", - " [2.9266000e+04 2.7298107e+04 4.7724243e+03 ... 6.6926659e+01\n", - " 1.1877571e+02 1.6200000e+02]\n", - " [1.9630000e+04 2.8117475e+04 5.2880312e+03 ... 2.8501148e+01\n", - " 9.5781006e+01 1.4200000e+02]\n", - " ...\n", - " [1.6772000e+04 2.1322793e+04 4.0607657e+02 ... 2.6011934e+01\n", - " 7.8405350e+01 9.0000000e+01]\n", - " [3.8693000e+04 1.3598203e+04 6.7706841e+03 ... 6.1070808e+01\n", - " 5.1310150e+01 3.5000000e+01]\n", - " [3.1020000e+04 1.5920403e+04 4.3019902e+03 ... 5.3685162e+01\n", - " 6.3619797e+01 4.4000000e+01]]\n", - "[[5.89760000e+04 2.51006729e+04 8.59603890e+03 ... 2.02818313e+01\n", - " 2.40645984e+01 2.20000000e+01]\n", - " [2.92660000e+04 2.72981079e+04 4.77242582e+03 ... 6.69265842e+01\n", - " 1.18775735e+02 1.62000000e+02]\n", - " [1.96300000e+04 2.81174834e+04 5.28803149e+03 ... 2.85011387e+01\n", - " 9.57810428e+01 1.42000000e+02]\n", - " ...\n", - " [1.67720000e+04 2.13227930e+04 4.06079895e+02 ... 2.60119790e+01\n", - " 7.84053656e+01 9.00000000e+01]\n", - " [3.86930000e+04 1.35982074e+04 6.77068420e+03 ... 6.10707909e+01\n", - " 5.13101944e+01 3.50000000e+01]\n", - " [3.10200000e+04 1.59203961e+04 4.30198496e+03 ... 5.36851600e+01\n", - " 6.36197377e+01 4.40000000e+01]]\n", - "False\n" - ] - } - ], - "source": [ - "f = frames(wav, samplerate=16000,winlen=0.025,winstep=0.01,\n", - " nfilt=40, nfft=512,lowfreq=0,highfreq=None,\n", - " dither=0.0,remove_dc_offset=False, preemph=1.0, \n", - " wintype='hamming')\n", - "\n", - "n_fft=512\n", - "freq_bins = n_fft//2+1\n", - "s = np.arange(0, n_fft, 1.)\n", - "wsin = np.empty((freq_bins,1,400))\n", - "wcos = np.empty((freq_bins,1,400)) #[Cout, Cin, kernel_size]\n", - "for k in range(freq_bins): # Only half of the bins contain useful info\n", - " wsin[k,0,:] = np.sin(2*np.pi*k*s/n_fft)[:400]\n", - " wcos[k,0,:] = np.cos(2*np.pi*k*s/n_fft)[:400]\n", - "\n", - " \n", - "x = torch.tensor(wav).float() # casting the array into a PyTorch Tensor\n", - "x = x[None, None, :] #[B, C, T]\n", - "\n", - "kernel_sin = torch.tensor(wsin, dtype=torch.float)\n", - "kernel_cos = torch.tensor(wcos, dtype=torch.float)\n", - "print(kernel_sin.size())\n", - "\n", - "from torch.nn.functional import conv1d, conv2d, fold\n", - "spec_imag = conv1d(x, kernel_sin, stride=160) #[1, Cout, T]\n", - "spec_real = conv1d(x, kernel_cos, stride=160) # Doing STFT by using conv1d\n", - "\n", - "# remove redundant parts\n", - "spec = spec_real.pow(2) + spec_imag.pow(2)\n", - "spec = torch.sqrt(spec)\n", - "print(spec)\n", - "\n", - "x = spec[0].T.numpy()\n", - "y = rspec[:, :]\n", - "print(x)\n", - "print(y)\n", - "print(np.allclose(x, y))" - ] - }, - { - "cell_type": "code", - "execution_count": 162, - "id": "olive-nicaragua", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel_launcher.py:1: RuntimeWarning: divide by zero encountered in true_divide\n", - " \"\"\"Entry point for launching an IPython kernel.\n" - ] - }, - { - "data": { - "text/plain": [ - "27241" - ] - }, - "execution_count": 162, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "np.argmax(np.abs(x -y) / np.abs(y))" - ] - }, - { - "cell_type": "code", - "execution_count": 165, - "id": "ultimate-assault", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "0.0" - ] - }, - "execution_count": 165, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "y[np.unravel_index(27241, y.shape)]" - ] - }, - { - "cell_type": "code", - "execution_count": 166, - "id": "institutional-stock", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "4.2412265e-10" - ] - }, - "execution_count": 166, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "x[np.unravel_index(27241, y.shape)]" - ] - }, - { - "cell_type": "code", - "execution_count": 167, - "id": "integrated-courage", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "False" - ] - }, - "execution_count": 167, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "np.allclose(y, x)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "different-operation", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/compute_cmvn_loader_test.ipynb b/.notebook/compute_cmvn_loader_test.ipynb deleted file mode 100644 index 2b0a8b75f..000000000 --- a/.notebook/compute_cmvn_loader_test.ipynb +++ /dev/null @@ -1,793 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "purple-consequence", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/home/ssd5/zhanghui/DeepSpeech2.x\n" - ] - }, - { - "data": { - "text/plain": [ - "'/home/ssd5/zhanghui/DeepSpeech2.x'" - ] - }, - "execution_count": 1, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "%cd ..\n", - "%pwd" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "defensive-mason", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "patient-convention", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Namespace(delta_delta=False, feat_dim=80, manifest_path='examples/aishell/s1/data/manifest.train.raw', num_samples=-1, num_workers=16, output_path='data/librispeech/mean_std.npz', sample_rate=16000, specgram_type='fbank', stride_ms=10.0, window_ms=25.0)\n" - ] - } - ], - "source": [ - "import argparse\n", - "import functools\n", - "\n", - "from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline\n", - "from deepspeech.frontend.featurizer.audio_featurizer import AudioFeaturizer\n", - "from deepspeech.frontend.normalizer import FeatureNormalizer\n", - "from deepspeech.utils.utility import add_arguments\n", - "from deepspeech.utils.utility import print_arguments\n", - "\n", - "parser = argparse.ArgumentParser(description=__doc__)\n", - "add_arg = functools.partial(add_arguments, argparser=parser)\n", - "# yapf: disable\n", - "add_arg('num_samples', int, -1, \"# of samples to for statistics.\")\n", - "add_arg('specgram_type', str,\n", - " 'fbank',\n", - " \"Audio feature type. Options: linear, mfcc, fbank.\",\n", - " choices=['linear', 'mfcc', 'fbank'])\n", - "add_arg('feat_dim', int, 80, \"Audio feature dim.\")\n", - "add_arg('delta_delta', bool,\n", - " False,\n", - " \"Audio feature with delta delta.\")\n", - "add_arg('stride_ms', float, 10.0, \"stride length in ms.\")\n", - "add_arg('window_ms', float, 25.0, \"stride length in ms.\")\n", - "add_arg('sample_rate', int, 16000, \"target sample rate.\")\n", - "add_arg('manifest_path', str,\n", - " 'examples/aishell/s1/data/manifest.train.raw',\n", - " \"Filepath of manifest to compute normalizer's mean and stddev.\")\n", - "add_arg('num_workers',\n", - " default=16,\n", - " type=int,\n", - " help='num of subprocess workers for processing')\n", - "add_arg('output_path', str,\n", - " 'data/librispeech/mean_std.npz',\n", - " \"Filepath of write mean and stddev to (.npz).\")\n", - "# yapf: disable\n", - "args = parser.parse_args([])\n", - "print(args)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "enormous-currency", - "metadata": {}, - "outputs": [], - "source": [ - "import random\n", - "\n", - "import numpy as np\n", - "import paddle\n", - "from paddle.io import DataLoader\n", - "from paddle.io import Dataset\n", - "\n", - "from deepspeech.frontend.audio import AudioSegment\n", - "from deepspeech.frontend.utility import load_cmvn\n", - "from deepspeech.frontend.utility import read_manifest\n", - "\n", - "class CollateFunc(object):\n", - " ''' Collate function for AudioDataset\n", - " '''\n", - " def __init__(self):\n", - " pass\n", - " \n", - " def __call__(self, batch):\n", - " mean_stat = None\n", - " var_stat = None\n", - " number = 0\n", - " for feat in batch:\n", - " sums = np.sum(feat, axis=1)\n", - " if mean_stat is None:\n", - " mean_stat = sums\n", - " else:\n", - " mean_stat += sums\n", - "\n", - " square_sums = np.sum(np.square(feat), axis=1)\n", - " if var_stat is None:\n", - " var_stat = square_sums\n", - " else:\n", - " var_stat += square_sums\n", - "\n", - " number += feat.shape[1]\n", - " #return paddle.to_tensor(number), paddle.to_tensor(mean_stat), paddle.to_tensor(var_stat)\n", - " return number, mean_stat, var_stat\n", - "\n", - "\n", - "class AudioDataset(Dataset):\n", - " def __init__(self, manifest_path, feature_func, num_samples=-1, rng=None):\n", - " self.feature_func = feature_func\n", - " self._rng = rng\n", - " manifest = read_manifest(manifest_path)\n", - " if num_samples == -1:\n", - " sampled_manifest = manifest\n", - " else:\n", - " sampled_manifest = self._rng.sample(manifest, num_samples)\n", - " self.items = sampled_manifest\n", - "\n", - " def __len__(self):\n", - " return len(self.items)\n", - "\n", - " def __getitem__(self, idx):\n", - " key = self.items[idx]['feat']\n", - " audioseg = AudioSegment.from_file(key)\n", - " feat = self.feature_func(audioseg) #(D, T)\n", - " return feat" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "armed-semester", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "process 1000 wavs,450739 frames\n", - "process 2000 wavs,887447 frames\n", - "process 3000 wavs,1354148 frames\n", - "process 4000 wavs,1816494 frames\n", - "process 5000 wavs,2359211 frames\n", - "process 6000 wavs,2828455 frames\n", - "process 7000 wavs,3276186 frames\n", - "process 8000 wavs,3692234 frames\n", - "process 9000 wavs,4139360 frames\n", - "process 10000 wavs,4591528 frames\n", - "process 11000 wavs,5020114 frames\n", - "process 12000 wavs,5459523 frames\n", - "process 13000 wavs,5899534 frames\n", - "process 14000 wavs,6323242 frames\n", - "process 15000 wavs,6736597 frames\n", - "process 16000 wavs,7207686 frames\n", - "process 17000 wavs,7637800 frames\n", - "process 18000 wavs,8093004 frames\n", - "process 19000 wavs,8529518 frames\n", - "process 20000 wavs,8906022 frames\n", - "process 21000 wavs,9352652 frames\n", - "process 22000 wavs,9807495 frames\n", - "process 23000 wavs,10247938 frames\n", - "process 24000 wavs,10700011 frames\n", - "process 25000 wavs,11126134 frames\n", - "process 26000 wavs,11558061 frames\n", - "process 27000 wavs,12010359 frames\n", - "process 28000 wavs,12470938 frames\n", - "process 29000 wavs,12916013 frames\n", - "process 30000 wavs,13345816 frames\n", - "process 31000 wavs,13752365 frames\n", - "process 32000 wavs,14174801 frames\n", - "process 33000 wavs,14642170 frames\n", - "process 34000 wavs,15053557 frames\n", - "process 35000 wavs,15531890 frames\n", - "process 36000 wavs,16022711 frames\n", - "process 37000 wavs,16437688 frames\n", - "process 38000 wavs,16859517 frames\n", - "process 39000 wavs,17307676 frames\n", - "process 40000 wavs,17796629 frames\n", - "process 41000 wavs,18264151 frames\n", - "process 42000 wavs,18711898 frames\n", - "process 43000 wavs,19159890 frames\n", - "process 44000 wavs,19576435 frames\n", - "process 45000 wavs,19992793 frames\n", - "process 46000 wavs,20464449 frames\n", - "process 47000 wavs,20886021 frames\n", - "process 48000 wavs,21317318 frames\n", - "process 49000 wavs,21738034 frames\n", - "process 50000 wavs,22171890 frames\n", - "process 51000 wavs,22622238 frames\n", - "process 52000 wavs,23100734 frames\n", - "process 53000 wavs,23526901 frames\n", - "process 54000 wavs,23969746 frames\n", - "process 55000 wavs,24418691 frames\n", - "process 56000 wavs,24862546 frames\n", - "process 57000 wavs,25336448 frames\n", - "process 58000 wavs,25778435 frames\n", - "process 59000 wavs,26216199 frames\n", - "process 60000 wavs,26694692 frames\n", - "process 61000 wavs,27148978 frames\n", - "process 62000 wavs,27617088 frames\n", - "process 63000 wavs,28064946 frames\n", - "process 64000 wavs,28519843 frames\n", - "process 65000 wavs,28989722 frames\n", - "process 66000 wavs,29470156 frames\n", - "process 67000 wavs,29952931 frames\n", - "process 68000 wavs,30360555 frames\n", - "process 69000 wavs,30797929 frames\n", - "process 70000 wavs,31218227 frames\n", - "process 71000 wavs,31663934 frames\n", - "process 72000 wavs,32107468 frames\n", - "process 73000 wavs,32541943 frames\n", - "process 74000 wavs,33010702 frames\n", - "process 75000 wavs,33448082 frames\n", - "process 76000 wavs,33886812 frames\n", - "process 77000 wavs,34338108 frames\n", - "process 78000 wavs,34761495 frames\n", - "process 79000 wavs,35199730 frames\n", - "process 80000 wavs,35669630 frames\n", - "process 81000 wavs,36122402 frames\n", - "process 82000 wavs,36604561 frames\n", - "process 83000 wavs,37085552 frames\n", - "process 84000 wavs,37517500 frames\n", - "process 85000 wavs,37987196 frames\n", - "process 86000 wavs,38415721 frames\n", - "process 87000 wavs,38889467 frames\n", - "process 88000 wavs,39337809 frames\n", - "process 89000 wavs,39792342 frames\n", - "process 90000 wavs,40287946 frames\n", - "process 91000 wavs,40719461 frames\n", - "process 92000 wavs,41178919 frames\n", - "process 93000 wavs,41659635 frames\n", - "process 94000 wavs,42132985 frames\n", - "process 95000 wavs,42584564 frames\n", - "process 96000 wavs,43018598 frames\n", - "process 97000 wavs,43480662 frames\n", - "process 98000 wavs,43973670 frames\n", - "process 99000 wavs,44448190 frames\n", - "process 100000 wavs,44935034 frames\n", - "process 101000 wavs,45379812 frames\n", - "process 102000 wavs,45821207 frames\n", - "process 103000 wavs,46258420 frames\n", - "process 104000 wavs,46743733 frames\n", - "process 105000 wavs,47206922 frames\n", - "process 106000 wavs,47683041 frames\n", - "process 107000 wavs,48122809 frames\n", - "process 108000 wavs,48594623 frames\n", - "process 109000 wavs,49086358 frames\n", - "process 110000 wavs,49525568 frames\n", - "process 111000 wavs,49985820 frames\n", - "process 112000 wavs,50428262 frames\n", - "process 113000 wavs,50897957 frames\n", - "process 114000 wavs,51344589 frames\n", - "process 115000 wavs,51774621 frames\n", - "process 116000 wavs,52243372 frames\n", - "process 117000 wavs,52726025 frames\n", - "process 118000 wavs,53170026 frames\n", - "process 119000 wavs,53614141 frames\n", - "process 120000 wavs,54071271 frames\n" - ] - } - ], - "source": [ - "\n", - "augmentation_pipeline = AugmentationPipeline('{}')\n", - "audio_featurizer = AudioFeaturizer(\n", - " specgram_type=args.specgram_type,\n", - " feat_dim=args.feat_dim,\n", - " delta_delta=args.delta_delta,\n", - " stride_ms=args.stride_ms,\n", - " window_ms=args.window_ms,\n", - " n_fft=None,\n", - " max_freq=None,\n", - " target_sample_rate=args.sample_rate,\n", - " use_dB_normalization=True,\n", - " target_dB=-20)\n", - "\n", - "def augment_and_featurize(audio_segment):\n", - " augmentation_pipeline.transform_audio(audio_segment)\n", - " return audio_featurizer.featurize(audio_segment)\n", - "\n", - "\n", - "collate_func = CollateFunc()\n", - "\n", - "dataset = AudioDataset(\n", - " args.manifest_path,\n", - " augment_and_featurize, \n", - " args.num_samples)\n", - "\n", - "batch_size = 20\n", - "data_loader = DataLoader(\n", - " dataset,\n", - " batch_size=batch_size,\n", - " shuffle=False,\n", - " num_workers=args.num_workers,\n", - " collate_fn=collate_func)\n", - "\n", - "with paddle.no_grad():\n", - " all_mean_stat = None\n", - " all_var_stat = None\n", - " all_number = 0\n", - " wav_number = 0\n", - " for i, batch in enumerate(data_loader()):\n", - " #for batch in data_loader():\n", - " number, mean_stat, var_stat = batch\n", - " if i == 0:\n", - " all_mean_stat = mean_stat\n", - " all_var_stat = var_stat\n", - " else:\n", - " all_mean_stat += mean_stat\n", - " all_var_stat += var_stat\n", - " all_number += number\n", - " wav_number += batch_size\n", - "\n", - " if wav_number % 1000 == 0:\n", - " print('process {} wavs,{} frames'.format(wav_number,\n", - " all_number))\n", - "\n", - "cmvn_info = {\n", - " 'mean_stat': list(all_mean_stat.tolist()),\n", - " 'var_stat': list(all_var_stat.tolist()),\n", - " 'frame_num': all_number\n", - "}" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "id": "danish-executive", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'mean_stat': [-813852467.7953382, -769025957.9140725, -809499593.411409, -774700574.014532, -750961217.5896736, -760564397.2864963, -805662399.3771614, -843490965.4231446, -850242081.9416809, -857678651.504435, -879067453.9826999, -908602072.3856701, -936850957.7187386, -957242686.489041, -968425442.0916103, -972687545.5953809, -980383731.7683417, -991533337.6343704, -1001966818.1164789, -1010334169.7486078, -1016855066.9099333, -1022176245.7021623, -1025700476.4788507, -1030678878.3195274, -1037075963.124199, -1042705719.0195516, -1047422212.6492896, -1049003537.271861, -1050314833.7453628, -1050772191.0204058, -1050010034.9948177, -1050436065.1336465, -1053327181.7978873, -1058710548.2036785, -1065950852.4966162, -1071709705.0060445, -1077682778.259181, -1083371045.272074, -1089708906.2657735, -1096312217.7865202, -1101089858.8364556, -1104965332.4332569, -1107791702.5223634, -1109431075.2374773, -1110066333.0280604, -1110382732.0722318, -1110480306.3793216, -1110203297.7110727, -1109972534.3583376, -1109378081.8792782, -1108212059.413654, -1107235713.2041805, -1106973581.9280007, -1107352339.7860134, -1108730029.862537, -1110425202.83704, -1113220669.4552443, -1115887535.4870913, -1118105356.3628063, -1120001376.8503075, -1121135822.320366, -1122265971.8751016, -1123990217.401155, -1125786729.6230593, -1127784957.2745507, -1129180108.9033566, -1132000461.6688302, -1134675829.8190608, -1137652487.5164194, -1141755948.0463965, -1145340901.5468378, -1148637682.593287, -1151755522.470022, -1154981643.2268832, -1157417488.840151, -1161240429.0989249, -1165411128.671642, -1170521097.1034513, -1176307165.5109766, -1183456865.0039694, -1190535938.6591117, -1197946309.0472982, -1203596565.037139, -1207563038.1241052, -1209707561.5829782, -1211407066.2452552, -1211884576.9201162, -1212778872.005509, -1214041413.8080075, -1215367953.1745043, -1216850831.482193, -1217678325.5351057, -1218854289.54188, -1219325064.8610544, -1219080344.7580786, -1218541313.657531, -1217889833.2067819, -1216552930.1654336, -1216423777.4113154, -1216575252.225508, -1217075384.9826024, -1217391577.901724, -1217838974.57273, -1218131805.6054134, -1218294889.7465532, -1218566666.1755593, -1218790537.5519717, -1218748668.9956846, -1218603191.4941735, -1218004566.4348054, -1217312410.127734, -1217207493.9522285, -1217284002.3834674, -1217644312.51745, -1218039821.6444128, -1218721811.6269798, -1219121088.9265897, -1219014460.8090584, -1218530127.6776083, -1217952335.451711, -1217316073.8666434, -1217035380.1151958, -1216636431.2964456, -1216257015.2945514, -1215658496.1208403, -1215097272.0976632, -1214669859.2064147, -1214593853.4809475, -1214599475.7838447, -1214575440.823035, -1214158828.8008435, -1213482920.2673717, -1212476577.5897374, -1211251374.2198513, -1210284855.590475, -1209302456.065669, -1209106252.6625297, -1209373211.5146718, -1209689421.7984035, -1210021342.495856, -1210650609.3592312, -1211428521.3900626, -1212616111.4257205, -1213820075.2948189, -1215320588.7144456, -1217175082.2739282, -1219703351.4585004, -1222007827.120464, -1224637375.5900724, -1228367798.912171, -1234853879.862459, -1247222219.867692, -1268562808.1616178, -1302034822.9569275, -1347823631.0776038, -1402753916.9445229, -1458826717.3262982, -1505843092.0970414, -1534278782.249077, -1543955545.8994718, -1600409154.893352], 'var_stat': [12665413908.91729, 11145088801.244318, 12567119446.035736, 11758392758.06822, 11200687982.736668, 11551903443.711124, 12880777868.435602, 14084854368.236998, 14394011058.866192, 14678818621.277662, 15346278722.626339, 16268053979.757076, 17191705347.854794, 17877540386.548733, 18251857849.077663, 18392628178.710472, 18645534548.4045, 19018598212.22902, 19366711357.782673, 19655730286.72857, 19890681996.786858, 20094163350.461906, 20227774955.225887, 20423525628.66887, 20669928826.76939, 20882313568.247944, 21062392676.270527, 21126648821.879055, 21185210734.751118, 21209014745.520447, 21182293842.91236, 21197433134.875977, 21302147790.662144, 21504666657.651955, 21781818550.89697, 21996170165.145462, 22217169779.096275, 22431161762.176693, 22672708668.38104, 22922683961.072956, 23101137011.201683, 23249680793.556847, 23358894817.24979, 23422895267.919228, 23449479198.303394, 23464433357.671055, 23469197140.124596, 23459013479.866177, 23447935341.542686, 23422585038.052387, 23375601301.949135, 23338397991.497776, 23329682884.21905, 23348002892.39853, 23406274659.89975, 23478242518.92228, 23592891371.876236, 23703885161.772205, 23797158601.65954, 23875230355.66992, 23918333664.3946, 23968582109.371258, 24040547318.081936, 24112364295.110058, 24189973697.612144, 24242165205.640236, 24364255205.82311, 24472408850.760197, 24590211203.05312, 24763026764.005527, 24909192634.69144, 25043438176.23281, 25167141466.500504, 25297108031.48665, 25395377064.0999, 25550930772.86505, 25721404827.10336, 25931101211.156487, 26168988710.098465, 26465528802.762875, 26760033029.443783, 27075408488.605213, 27316626931.655052, 27487275073.52796, 27579518448.2332, 27652308513.875782, 27673412508.45838, 27711509210.702576, 27767312240.641487, 27827464683.295334, 27894794590.957966, 27935988489.16511, 27992337099.891083, 28019655483.58796, 28014286886.252903, 27996189233.857716, 27973078840.875465, 27920045013.68706, 27917103211.22359, 27927566165.64652, 27953525818.61368, 27973386070.140022, 27999317832.502476, 28019494120.641834, 28033010746.452637, 28051086123.896503, 28066195174.191753, 28068570977.318798, 28064890246.85437, 28042424375.860577, 28015849655.869568, 28014812222.566605, 28021039053.959835, 28039270607.169422, 28058271295.10199, 28088976520.10178, 28107824988.74732, 28105633030.784756, 28087681357.818607, 28065484299.963837, 28039555887.004284, 28028214431.52875, 28011714871.929447, 27995603790.480755, 27970125897.561134, 27946436130.511288, 27929044772.5522, 27926612443.390316, 27926256324.387302, 27924771848.71099, 27905526922.390133, 27876268519.168198, 27832532606.552593, 27779497699.976765, 27737034351.907337, 27692129825.179924, 27684252911.371475, 27698882622.878677, 27712387157.27985, 27726474638.933037, 27752647691.051613, 27786197932.382797, 27836378752.662235, 27887415700.334576, 27949784230.702114, 28028117657.84245, 28136313097.200474, 28234098926.207996, 28345845477.25874, 28507222800.146496, 28793832339.90449, 29350765483.070816, 30328262350.231213, 31894930713.76519, 34093669067.422382, 36801959396.22739, 39638995447.49344, 42088579425.44825, 43616108982.85117, 44152063315.31461, 47464832889.5967], 'frame_num': 54129649}\n" - ] - } - ], - "source": [ - "print(cmvn_info)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "accurate-terminal", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "dominant-abuse", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - " \n", - "process 1000 wavs,450240 frames\n", - " \n", - "process 2000 wavs,886411 frames\n", - " \n", - "process 3000 wavs,1352580 frames\n", - " \n", - "process 4000 wavs,1814397 frames\n", - " \n", - "process 5000 wavs,2356587 frames\n", - " \n", - "process 6000 wavs,2825310 frames\n", - " \n", - "process 7000 wavs,3272506 frames\n", - " \n", - "process 8000 wavs,3688045 frames\n", - " \n", - "process 9000 wavs,4134669 frames\n", - " \n", - "process 10000 wavs,4586357 frames\n", - " \n", - "process 11000 wavs,5014429 frames\n", - " \n", - "process 12000 wavs,5453334 frames\n", - " \n", - "process 13000 wavs,5892888 frames\n", - " \n", - "process 14000 wavs,6316059 frames\n", - " \n", - "process 15000 wavs,6728870 frames\n", - " \n", - "process 16000 wavs,7199442 frames\n", - " \n", - "process 17000 wavs,7629055 frames\n", - " \n", - "process 18000 wavs,8083729 frames\n", - " \n", - "process 19000 wavs,8519732 frames\n", - " \n", - "process 20000 wavs,8895694 frames\n", - " \n", - "process 21000 wavs,9341778 frames\n", - " \n", - "process 22000 wavs,9796126 frames\n", - " \n", - "process 23000 wavs,10236057 frames\n", - " \n", - "process 24000 wavs,10687461 frames\n", - " \n", - "process 25000 wavs,11113082 frames\n", - " \n", - "process 26000 wavs,11544482 frames\n", - " \n", - "process 27000 wavs,11996273 frames\n", - " \n", - "process 28000 wavs,12456350 frames\n", - " \n", - "process 29000 wavs,12900895 frames\n", - " \n", - "process 30000 wavs,13330353 frames\n", - " \n", - "process 31000 wavs,13736568 frames\n", - " \n", - "process 32000 wavs,14158472 frames\n", - " \n", - "process 33000 wavs,14625316 frames\n", - " \n", - "process 34000 wavs,15036206 frames\n", - " \n", - "process 35000 wavs,15514001 frames\n", - " \n", - "process 36000 wavs,16004323 frames\n", - " \n", - "process 37000 wavs,16418799 frames\n", - " \n", - "process 38000 wavs,16840100 frames\n", - " \n", - "process 39000 wavs,17287752 frames\n", - " \n", - "process 40000 wavs,17776206 frames\n", - " \n", - "process 41000 wavs,18243209 frames\n", - " \n", - "process 42000 wavs,18690449 frames\n", - " \n", - "process 43000 wavs,19137940 frames\n", - " \n", - "process 44000 wavs,19553966 frames\n", - " \n", - "process 45000 wavs,19969813 frames\n", - " \n", - "process 46000 wavs,20440963 frames\n", - " \n", - "process 47000 wavs,20862022 frames\n", - " \n", - "process 48000 wavs,21292801 frames\n", - " \n", - "process 49000 wavs,21713004 frames\n", - " \n", - "process 50000 wavs,22146346 frames\n", - " \n", - "process 51000 wavs,22596172 frames\n", - " \n", - "process 52000 wavs,23074160 frames\n", - " \n", - "process 53000 wavs,23499823 frames\n", - " \n", - "process 54000 wavs,23942151 frames\n", - " \n", - "process 55000 wavs,24390566 frames\n", - " \n", - "process 56000 wavs,24833905 frames\n", - " \n", - "process 57000 wavs,25307270 frames\n", - " \n", - "process 58000 wavs,25748720 frames\n", - " \n", - "process 59000 wavs,26185964 frames\n", - " \n", - "process 60000 wavs,26663953 frames\n", - " \n", - "process 61000 wavs,27117720 frames\n", - " \n", - "process 62000 wavs,27585349 frames\n", - " \n", - "process 63000 wavs,28032693 frames\n", - " \n", - "process 64000 wavs,28487074 frames\n", - " \n", - "process 65000 wavs,28956462 frames\n", - " \n", - "process 66000 wavs,29436358 frames\n", - " \n", - "process 67000 wavs,29918569 frames\n", - " \n", - "process 68000 wavs,30325682 frames\n", - " \n", - "process 69000 wavs,30762528 frames\n", - " \n", - "process 70000 wavs,31182319 frames\n", - " \n", - "process 71000 wavs,31627526 frames\n", - " \n", - "process 72000 wavs,32070556 frames\n", - " \n", - "process 73000 wavs,32504534 frames\n", - " \n", - "process 74000 wavs,32972775 frames\n", - " \n", - "process 75000 wavs,33409637 frames\n", - " \n", - "process 76000 wavs,33847861 frames\n", - " \n", - "process 77000 wavs,34298647 frames\n", - " \n", - "process 78000 wavs,34721536 frames\n", - " \n", - "process 79000 wavs,35159236 frames\n", - " \n", - "process 80000 wavs,35628628 frames\n", - " \n", - "process 81000 wavs,36080909 frames\n", - " \n", - "process 82000 wavs,36562496 frames\n", - " \n", - "process 83000 wavs,37042976 frames\n", - " \n", - "process 84000 wavs,37474403 frames\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - " \n", - "process 85000 wavs,37943596 frames\n", - " \n", - "process 86000 wavs,38371620 frames\n", - " \n", - "process 87000 wavs,38844874 frames\n", - " \n", - "process 88000 wavs,39292686 frames\n", - " \n", - "process 89000 wavs,39746715 frames\n", - " \n", - "process 90000 wavs,40241800 frames\n", - " \n", - "process 91000 wavs,40672817 frames\n", - " \n", - "process 92000 wavs,41131773 frames\n", - " \n", - "process 93000 wavs,41612001 frames\n", - " \n", - "process 94000 wavs,42084822 frames\n", - " \n", - "process 95000 wavs,42535878 frames\n", - " \n", - "process 96000 wavs,42969365 frames\n", - " \n", - "process 97000 wavs,43430890 frames\n", - " \n", - "process 98000 wavs,43923378 frames\n", - " \n", - "process 99000 wavs,44397370 frames\n", - " \n", - "process 100000 wavs,44883695 frames\n", - " \n", - "process 101000 wavs,45327968 frames\n", - " \n", - "process 102000 wavs,45768860 frames\n", - " \n", - "process 103000 wavs,46205602 frames\n", - " \n", - "process 104000 wavs,46690407 frames\n", - " \n", - "process 105000 wavs,47153089 frames\n", - " \n", - "process 106000 wavs,47628699 frames\n", - " \n", - "process 107000 wavs,48067945 frames\n", - " \n", - "process 108000 wavs,48539256 frames\n", - " \n", - "process 109000 wavs,49030485 frames\n", - " \n", - "process 110000 wavs,49469189 frames\n", - " \n", - "process 111000 wavs,49928968 frames\n", - " \n", - "process 112000 wavs,50370921 frames\n", - " \n", - "process 113000 wavs,50840090 frames\n", - " \n", - "process 114000 wavs,51286249 frames\n", - " \n", - "process 115000 wavs,51715786 frames\n", - " \n", - "process 116000 wavs,52184017 frames\n", - " \n", - "process 117000 wavs,52666156 frames\n", - " \n", - "process 118000 wavs,53109645 frames\n", - " \n", - "process 119000 wavs,53553253 frames\n", - " \n", - "process 120000 wavs,54009877 frames\n", - "{'mean_stat': [700612678.1184504, 704246512.9321843, 720430663.1822729, 754033269.0474415, 798737761.616614, 829467218.4204571, 851246702.9426627, 862261185.2661449, 859339943.6923889, 846303730.8696194, 832995109.605447, 823196536.6029147, 832626008.2569772, 845571326.1936859, 848801373.0562981, 846503549.328017, 836774344.5500796, 823481091.0445303, 820728368.2518216, 804571348.4957463, 795306095.0083207, 811729024.2415155, 805734803.5703195, 813076782.1959459, 806620199.406499, 809655573.8886961, 804371708.9347517, 809272248.6085774, 810322689.7490631, 814294131.1973915, 816262716.0476038, 816213124.2411841, 817158473.4380915, 821414211.5629157, 827408091.5728914, 834353896.0519086, 840094990.3467333, 842613218.6554606, 842070761.1727513, 834970952.5260613, 837020570.8200948, 829592602.7833654, 830116543.8893851, 829482316.3881509, 833397219.4597517, 839251633.3120549, 845475010.4718693, 852378426.7183967, 859563981.8633184, 866063840.5523493, 867790921.9978689, 868215100.5962687, 869683066.032885, 872467375.6674014, 873097681.1780069, 873025823.0543871, 869897292.7201596, 866386426.3869117, 863166726.7256871, 854653071.2244718, 842402803.9000899, 830838253.4144138, 830143002.3536818, 831492285.0310817, 833304371.8781006, 838896092.8621838, 843866088.9578133, 847316792.1429776, 851038022.3643295, 855931698.0149751, 859320543.9795249, 863031001.3470656, 868325062.1832993, 873626971.0115026, 878726636.924209, 884861725.972504, 886920281.5192285, 883056006.5094173, 863719240.7255149, 773378975.9476194], 'var_stat': [9237018652.657722, 9417257721.82426, 10105084297.159702, 11071318522.587782, 12422783727.426847, 13400306419.784964, 14148498843.406874, 14576436982.89939, 14529009036.494726, 14105645932.596651, 13682988821.478252, 13413013425.088106, 13764134927.293928, 14233704806.737064, 14361631309.367067, 14281358385.45644, 13939662689.213865, 13496884231.929493, 13382566162.783987, 12871350930.6626, 12576198160.876635, 13051463889.56708, 12859205935.513906, 13053861416.098743, 12830323588.550724, 12886405923.897238, 12708529922.84171, 12847306110.231739, 12880398489.53404, 13002566299.565536, 13066708060.463543, 13064231286.858614, 13088983337.353497, 13221393824.891022, 13412425607.755072, 13631485149.777075, 13807797519.156103, 13877277485.033077, 13848613909.96762, 13609176326.2529, 13649815250.130072, 13397698404.696907, 13388964704.359968, 13354326914.968012, 13469861474.898457, 13652539440.283333, 13846837321.329163, 14062143714.601675, 14292571198.61228, 14504626563.299246, 14563864749.132776, 14579720287.991764, 14626700787.353922, 14716185568.128899, 14728532777.28015, 14719101187.113443, 14607945896.239174, 14478517828.531614, 14355110561.681187, 14057430280.249746, 13634284490.879377, 13248236002.494394, 13217602306.335958, 13257856701.946049, 13323688441.072674, 13515395318.023148, 13685827169.67645, 13811622609.426846, 13947347160.615082, 14115883822.884943, 14231204526.433033, 14356066668.651815, 14533604268.238445, 14708971788.69237, 14875667326.732443, 15079098318.79331, 15144888989.667963, 15002658970.504765, 14349232841.34513, 11544480117.013124], 'frame_num': 54068199}\n" - ] - } - ], - "source": [ - "import random\n", - "\n", - "import numpy as np\n", - "import paddle\n", - "from paddle.io import DataLoader\n", - "from paddle.io import Dataset\n", - "\n", - "from deepspeech.frontend.audio import AudioSegment\n", - "from deepspeech.frontend.utility import load_cmvn\n", - "from deepspeech.frontend.utility import read_manifest\n", - "\n", - "# https://github.com/PaddlePaddle/Paddle/pull/31481\n", - "class CollateFunc(object):\n", - " ''' Collate function for AudioDataset\n", - " '''\n", - " def __init__(self, feature_func):\n", - " self.feature_func = feature_func\n", - " \n", - " def __call__(self, batch):\n", - " mean_stat = None\n", - " var_stat = None\n", - " number = 0\n", - " for item in batch:\n", - " audioseg = AudioSegment.from_file(item['feat'])\n", - " feat = self.feature_func(audioseg) #(D, T)\n", - "\n", - " sums = np.sum(feat, axis=1)\n", - " if mean_stat is None:\n", - " mean_stat = sums\n", - " else:\n", - " mean_stat += sums\n", - "\n", - " square_sums = np.sum(np.square(feat), axis=1)\n", - " if var_stat is None:\n", - " var_stat = square_sums\n", - " else:\n", - " var_stat += square_sums\n", - "\n", - " number += feat.shape[1]\n", - " return number, mean_stat, var_stat\n", - "\n", - "\n", - "class AudioDataset(Dataset):\n", - " def __init__(self, manifest_path, num_samples=-1, rng=None, random_seed=0):\n", - " self._rng = rng if rng else np.random.RandomState(random_seed)\n", - " manifest = read_manifest(manifest_path)\n", - " if num_samples == -1:\n", - " sampled_manifest = manifest\n", - " else:\n", - " sampled_manifest = self._rng.choice(manifest, num_samples, replace=False)\n", - " self.items = sampled_manifest\n", - "\n", - " def __len__(self):\n", - " return len(self.items)\n", - "\n", - " def __getitem__(self, idx):\n", - " return self.items[idx]\n", - " \n", - " \n", - "augmentation_pipeline = AugmentationPipeline('{}')\n", - "audio_featurizer = AudioFeaturizer(\n", - " specgram_type=args.specgram_type,\n", - " feat_dim=args.feat_dim,\n", - " delta_delta=args.delta_delta,\n", - " stride_ms=args.stride_ms,\n", - " window_ms=args.window_ms,\n", - " n_fft=None,\n", - " max_freq=None,\n", - " target_sample_rate=args.sample_rate,\n", - " use_dB_normalization=True,\n", - " target_dB=-20)\n", - "\n", - "def augment_and_featurize(audio_segment):\n", - " augmentation_pipeline.transform_audio(audio_segment)\n", - " return audio_featurizer.featurize(audio_segment)\n", - "\n", - "\n", - "collate_func = CollateFunc(augment_and_featurize)\n", - "\n", - "dataset = AudioDataset(\n", - " args.manifest_path,\n", - " args.num_samples)\n", - "\n", - "batch_size = 20\n", - "data_loader = DataLoader(\n", - " dataset,\n", - " batch_size=batch_size,\n", - " shuffle=False,\n", - " num_workers=args.num_workers,\n", - " collate_fn=collate_func)\n", - "\n", - "with paddle.no_grad():\n", - " all_mean_stat = None\n", - " all_var_stat = None\n", - " all_number = 0\n", - " wav_number = 0\n", - " for i, batch in enumerate(data_loader):\n", - " number, mean_stat, var_stat = batch\n", - " if i == 0:\n", - " all_mean_stat = mean_stat\n", - " all_var_stat = var_stat\n", - " else:\n", - " all_mean_stat += mean_stat\n", - " all_var_stat += var_stat\n", - " all_number += number\n", - " wav_number += batch_size\n", - "\n", - " if wav_number % 1000 == 0:\n", - " print('process {} wavs,{} frames'.format(wav_number,\n", - " all_number))\n", - "\n", - "cmvn_info = {\n", - " 'mean_stat': list(all_mean_stat.tolist()),\n", - " 'var_stat': list(all_var_stat.tolist()),\n", - " 'frame_num': all_number\n", - "}\n", - "print(cmvn_info)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "unlike-search", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/dataloader.ipynb b/.notebook/dataloader.ipynb deleted file mode 100644 index 3de8f64a9..000000000 --- a/.notebook/dataloader.ipynb +++ /dev/null @@ -1,389 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "emerging-meter", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:26: 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " def convert_to_list(value, n, name, dtype=np.int):\n", - "/workspace/DeepSpeech-2.x/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.\n", - " from numpy.dual import register_func\n", - "/workspace/DeepSpeech-2.x/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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int,\n", - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/numba/core/types/__init__.py:108: DeprecationWarning: `np.long` is a deprecated alias for `np.compat.long`. To silence this warning, use `np.compat.long` by itself. In the likely event your code does not need to work on Python 2 you can use the builtin `int` for which `np.compat.long` is itself an alias. Doing this will not modify any behaviour and is safe. When replacing `np.long`, 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " long_ = _make_signed(np.long)\n", - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/numba/core/types/__init__.py:109: DeprecationWarning: `np.long` is a deprecated alias for `np.compat.long`. To silence this warning, use `np.compat.long` by itself. In the likely event your code does not need to work on Python 2 you can use the builtin `int` for which `np.compat.long` is itself an alias. Doing this will not modify any behaviour and is safe. When replacing `np.long`, 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " ulong = _make_unsigned(np.long)\n" - ] - } - ], - "source": [ - "import math\n", - "import random\n", - "import tarfile\n", - "import logging\n", - "import numpy as np\n", - "from collections import namedtuple\n", - "from functools import partial\n", - "\n", - "import paddle\n", - "from paddle.io import Dataset\n", - "from paddle.io import DataLoader\n", - "from paddle.io import BatchSampler\n", - "from paddle.io import DistributedBatchSampler\n", - "from paddle import distributed as dist\n", - "\n", - "from data_utils.utility import read_manifest\n", - "from data_utils.augmentor.augmentation import AugmentationPipeline\n", - "from data_utils.featurizer.speech_featurizer import SpeechFeaturizer\n", - "from data_utils.speech import SpeechSegment\n", - "from data_utils.normalizer import FeatureNormalizer\n", - "\n", - "\n", - "from data_utils.dataset import (\n", - " DeepSpeech2Dataset,\n", - " DeepSpeech2DistributedBatchSampler,\n", - " DeepSpeech2BatchSampler,\n", - " SpeechCollator,\n", - ")" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "id": "excessive-american", - "metadata": {}, - "outputs": [], - "source": [ - "def create_dataloader(manifest_path,\t\n", - " vocab_filepath,\t\n", - " mean_std_filepath,\t\n", - " augmentation_config='{}',\t\n", - " max_duration=float('inf'),\t\n", - " min_duration=0.0,\t\n", - " stride_ms=10.0,\t\n", - " window_ms=20.0,\t\n", - " max_freq=None,\t\n", - " specgram_type='linear',\t\n", - " use_dB_normalization=True,\t\n", - " random_seed=0,\t\n", - " keep_transcription_text=False,\t\n", - " is_training=False,\t\n", - " batch_size=1,\t\n", - " num_workers=0,\t\n", - " sortagrad=False,\t\n", - " shuffle_method=None,\t\n", - " dist=False):\t\n", - "\n", - " dataset = DeepSpeech2Dataset(\t\n", - " manifest_path,\t\n", - " vocab_filepath,\t\n", - " mean_std_filepath,\t\n", - " augmentation_config=augmentation_config,\t\n", - " max_duration=max_duration,\t\n", - " min_duration=min_duration,\t\n", - " stride_ms=stride_ms,\t\n", - " window_ms=window_ms,\t\n", - " max_freq=max_freq,\t\n", - " specgram_type=specgram_type,\t\n", - " use_dB_normalization=use_dB_normalization,\t\n", - " random_seed=random_seed,\t\n", - " keep_transcription_text=keep_transcription_text)\t\n", - "\n", - " if dist:\t\n", - " batch_sampler = DeepSpeech2DistributedBatchSampler(\t\n", - " dataset,\t\n", - " batch_size,\t\n", - " num_replicas=None,\t\n", - " rank=None,\t\n", - " shuffle=is_training,\t\n", - " drop_last=is_training,\t\n", - " sortagrad=is_training,\t\n", - " shuffle_method=shuffle_method)\t\n", - " else:\t\n", - " batch_sampler = DeepSpeech2BatchSampler(\t\n", - " dataset,\t\n", - " shuffle=is_training,\t\n", - " batch_size=batch_size,\t\n", - " drop_last=is_training,\t\n", - " sortagrad=is_training,\t\n", - " shuffle_method=shuffle_method)\t\n", - "\n", - " def padding_batch(batch, padding_to=-1, flatten=False, is_training=True):\t\n", - " \"\"\"\t\n", - " Padding audio features with zeros to make them have the same shape (or\t\n", - " a user-defined shape) within one bach.\t\n", - "\n", - " If ``padding_to`` is -1, the maximun shape in the batch will be used\t\n", - " as the target shape for padding. Otherwise, `padding_to` will be the\t\n", - " target shape (only refers to the second axis).\t\n", - "\n", - " If `flatten` is True, features will be flatten to 1darray.\t\n", - " \"\"\"\t\n", - " new_batch = []\t\n", - " # get target shape\t\n", - " max_length = max([audio.shape[1] for audio, text in batch])\t\n", - " if padding_to != -1:\t\n", - " if padding_to < max_length:\t\n", - " raise ValueError(\"If padding_to is not -1, it should be larger \"\t\n", - " \"than any instance's shape in the batch\")\t\n", - " max_length = padding_to\t\n", - " max_text_length = max([len(text) for audio, text in batch])\t\n", - " # padding\t\n", - " padded_audios = []\t\n", - " audio_lens = []\t\n", - " texts, text_lens = [], []\t\n", - " for audio, text in batch:\t\n", - " padded_audio = np.zeros([audio.shape[0], max_length])\t\n", - " padded_audio[:, :audio.shape[1]] = audio\t\n", - " if flatten:\t\n", - " padded_audio = padded_audio.flatten()\t\n", - " padded_audios.append(padded_audio)\t\n", - " audio_lens.append(audio.shape[1])\t\n", - "\n", - " padded_text = np.zeros([max_text_length])\n", - " if is_training:\n", - " padded_text[:len(text)] = text\t# ids\n", - " else:\n", - " padded_text[:len(text)] = [ord(t) for t in text] # string\n", - " \n", - " texts.append(padded_text)\t\n", - " text_lens.append(len(text))\t\n", - "\n", - " padded_audios = np.array(padded_audios).astype('float32')\t\n", - " audio_lens = np.array(audio_lens).astype('int64')\t\n", - " texts = np.array(texts).astype('int32')\t\n", - " text_lens = np.array(text_lens).astype('int64')\t\n", - " return padded_audios, texts, audio_lens, text_lens\t\n", - "\n", - " loader = DataLoader(\t\n", - " dataset,\t\n", - " batch_sampler=batch_sampler,\t\n", - " collate_fn=partial(padding_batch, is_training=is_training),\t\n", - " num_workers=num_workers)\t\n", - " return loader" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "id": "naval-brave", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'num_samples': 5, 'beam_size': 500, 'num_proc_bsearch': 8, 'num_conv_layers': 2, 'num_rnn_layers': 3, 'rnn_layer_size': 2048, 'alpha': 2.5, 'beta': 0.3, 'cutoff_prob': 1.0, 'cutoff_top_n': 40, 'use_gru': False, 'use_gpu': True, 'share_rnn_weights': True, 'infer_manifest': 'examples/aishell/data/manifest.dev', 'mean_std_path': 'examples/aishell/data/mean_std.npz', 'vocab_path': 'examples/aishell/data/vocab.txt', 'lang_model_path': 'models/lm/common_crawl_00.prune01111.trie.klm', 'model_path': 'examples/aishell/checkpoints/step_final', 'decoding_method': 'ctc_beam_search', 'error_rate_type': 'wer', 'specgram_type': 'linear'}\n" - ] - } - ], - "source": [ - "import sys\n", - "import argparse\n", - "import functools\n", - "from utils.utility import add_arguments, print_arguments\n", - "parser = argparse.ArgumentParser(description=__doc__)\n", - "add_arg = functools.partial(add_arguments, argparser=parser)\n", - "# yapf: disable\n", - "add_arg('num_samples', int, 5, \"# of samples to infer.\")\n", - "add_arg('beam_size', int, 500, \"Beam search width.\")\n", - "add_arg('num_proc_bsearch', int, 8, \"# of CPUs for beam search.\")\n", - "add_arg('num_conv_layers', int, 2, \"# of convolution layers.\")\n", - "add_arg('num_rnn_layers', int, 3, \"# of recurrent layers.\")\n", - "add_arg('rnn_layer_size', int, 2048, \"# of recurrent cells per layer.\")\n", - "add_arg('alpha', float, 2.5, \"Coef of LM for beam search.\")\n", - "add_arg('beta', float, 0.3, \"Coef of WC for beam search.\")\n", - "add_arg('cutoff_prob', float, 1.0, \"Cutoff probability for pruning.\")\n", - "add_arg('cutoff_top_n', int, 40, \"Cutoff number for pruning.\")\n", - "add_arg('use_gru', bool, False, \"Use GRUs instead of simple RNNs.\")\n", - "add_arg('use_gpu', bool, True, \"Use GPU or not.\")\n", - "add_arg('share_rnn_weights',bool, True, \"Share input-hidden weights across \"\n", - " \"bi-directional RNNs. Not for GRU.\")\n", - "add_arg('infer_manifest', str,\n", - " 'examples/aishell/data/manifest.dev',\n", - " \"Filepath of manifest to infer.\")\n", - "add_arg('mean_std_path', str,\n", - " 'examples/aishell/data/mean_std.npz',\n", - " \"Filepath of normalizer's mean & std.\")\n", - "add_arg('vocab_path', str,\n", - " 'examples/aishell/data/vocab.txt',\n", - " \"Filepath of vocabulary.\")\n", - "add_arg('lang_model_path', str,\n", - " 'models/lm/common_crawl_00.prune01111.trie.klm',\n", - " \"Filepath for language model.\")\n", - "add_arg('model_path', str,\n", - " 'examples/aishell/checkpoints/step_final',\n", - " \"If None, the training starts from scratch, \"\n", - " \"otherwise, it resumes from the pre-trained model.\")\n", - "add_arg('decoding_method', str,\n", - " 'ctc_beam_search',\n", - " \"Decoding method. Options: ctc_beam_search, ctc_greedy\",\n", - " choices = ['ctc_beam_search', 'ctc_greedy'])\n", - "add_arg('error_rate_type', str,\n", - " 'wer',\n", - " \"Error rate type for evaluation.\",\n", - " choices=['wer', 'cer'])\n", - "add_arg('specgram_type', str,\n", - " 'linear',\n", - " \"Audio feature type. Options: linear, mfcc.\",\n", - " choices=['linear', 'mfcc'])\n", - "# yapf: disable\n", - "args = parser.parse_args([])\n", - "print(vars(args))" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "id": "bearing-physics", - "metadata": {}, - "outputs": [], - "source": [ - "batch_reader = create_dataloader(\n", - " manifest_path=args.infer_manifest,\n", - " vocab_filepath=args.vocab_path,\n", - " mean_std_filepath=args.mean_std_path,\n", - " augmentation_config='{}',\n", - " #max_duration=float('inf'),\n", - " max_duration=27.0,\n", - " min_duration=0.0,\n", - " stride_ms=10.0,\n", - " window_ms=20.0,\n", - " max_freq=None,\n", - " specgram_type=args.specgram_type,\n", - " use_dB_normalization=True,\n", - " random_seed=0,\n", - " keep_transcription_text=True,\n", - " is_training=False,\n", - " batch_size=args.num_samples,\n", - " sortagrad=True,\n", - " shuffle_method=None,\n", - " dist=False)" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "id": "classified-melissa", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "test Tensor(shape=[5, 6], dtype=int32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[22823, 26102, 20195, 37324, 0 , 0 ],\n", - " [22238, 26469, 23601, 22909, 0 , 0 ],\n", - " [20108, 26376, 22235, 26085, 0 , 0 ],\n", - " [36824, 35201, 20445, 25345, 32654, 24863],\n", - " [29042, 27748, 21463, 23456, 0 , 0 ]])\n", - "test raw 大时代里\n", - "test raw 煲汤受宠\n", - "audio len Tensor(shape=[5], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [163, 167, 180, 186, 186])\n", - "test len Tensor(shape=[5], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [4, 4, 4, 6, 4])\n", - "audio Tensor(shape=[5, 161, 186], dtype=float32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[[ 1.11669052, 0.79015088, 0.93658292, ..., 0. , 0. , 0. ],\n", - " [ 0.83549136, 0.72643483, 0.83578080, ..., 0. , 0. , 0. ],\n", - " [-0.89155018, -0.18894747, -0.53357804, ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [ 0.33386710, -0.81240511, 0.12869737, ..., 0. , 0. , 0. ],\n", - " [-0.17537928, 0.58380985, 0.70696265, ..., 0. , 0. , 0. ],\n", - " [-0.84175998, 1.22041416, 0.07929770, ..., 0. , 0. , 0. ]],\n", - "\n", - " [[-0.35964420, 0.77392709, 0.71409988, ..., 0. , 0. , 0. ],\n", - " [-0.15990183, 0.42962283, 0.06222462, ..., 0. , 0. , 0. ],\n", - " [-0.31166190, -0.74864638, -0.52836996, ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [-0.27546275, 0.32889456, 0.12410031, ..., 0. , 0. , 0. ],\n", - " [ 0.16264282, 0.49418071, -0.15960945, ..., 0. , 0. , 0. ],\n", - " [ 0.12476666, 0.00516864, 1.16021466, ..., 0. , 0. , 0. ]],\n", - "\n", - " [[ 0.90202141, 1.48541915, 0.92062062, ..., 0. , 0. , 0. ],\n", - " [ 0.82661545, 1.37171340, 0.86746097, ..., 0. , 0. , 0. ],\n", - " [-0.62287915, -0.48645937, 0.35041964, ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [ 0.07376949, 0.07138316, 0.76355994, ..., 0. , 0. , 0. ],\n", - " [-0.32306790, 0.43247896, 1.27311838, ..., 0. , 0. , 0. ],\n", - " [-0.97667056, 0.60747612, 0.79181534, ..., 0. , 0. , 0. ]],\n", - "\n", - " [[ 0.72022128, 0.95428467, 0.92766261, ..., 0.29105374, -0.45564806, -0.62151009],\n", - " [ 0.42083180, 0.49279949, 0.82724041, ..., -0.17333922, -1.45363355, -0.61673522],\n", - " [-0.76116520, -0.84750438, -0.09512503, ..., -1.01497340, -1.42781055, -0.80859023],\n", - " ...,\n", - " [-0.23009977, 1.06155431, 1.09065628, ..., 0.25581080, 0.53794998, -1.22650719],\n", - " [-1.37693381, 0.30778193, 0.17152318, ..., 0.51650339, 0.25580606, 0.83097816],\n", - " [-1.62180591, 1.30567718, 1.09928656, ..., -0.77590007, 1.27712476, 0.53189957]],\n", - "\n", - " [[ 1.03205252, -0.51535392, 0.21077573, ..., 0.76618457, 1.27425683, 1.52250278],\n", - " [ 0.82059991, 0.43990925, 0.13090958, ..., 0.86662549, 1.01687658, 1.48495352],\n", - " [-0.75489789, -0.01997089, -0.65174174, ..., 0.09061214, -0.55211234, -0.01614586],\n", - " ...,\n", - " [ 0.50985396, 1.84555030, 0.79185146, ..., 1.13666189, 1.19898069, 1.98158395],\n", - " [ 1.98721015, 2.52385354, 1.11714780, ..., 0.19416514, 1.11329341, 0.64460152],\n", - " [ 2.69512844, 1.90993905, 0.50245082, ..., -0.50902629, 0.03333465, -1.24584770]]])\n" - ] - } - ], - "source": [ - "for idx, (audio, audio_len, text, text_len) in enumerate(batch_reader()):\n", - " print('test', text)\n", - " print(\"test raw\", ''.join( chr(i) for i in text[0][:int(text_len[0])] ))\n", - " print(\"test raw\", ''.join( chr(i) for i in text[-1][:int(text_len[-1])] ))\n", - " print('audio len', audio_len)\n", - " print('test len', text_len)\n", - " print('audio', audio)\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "unexpected-skating", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "minus-modern", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} \ No newline at end of file diff --git a/.notebook/dataloader_with_tokens_tokenids.ipynb b/.notebook/dataloader_with_tokens_tokenids.ipynb deleted file mode 100644 index 7d93dd009..000000000 --- a/.notebook/dataloader_with_tokens_tokenids.ipynb +++ /dev/null @@ -1,1204 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "medieval-monday", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x\n" - ] - }, - { - "data": { - "text/plain": [ - "'/workspace/DeepSpeech-2.x'" - ] - }, - "execution_count": 1, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "%cd ..\n", - "%pwd" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "emerging-meter", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:26: 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " def convert_to_list(value, n, name, dtype=np.int):\n" - ] - } - ], - "source": [ - "import math\n", - "import random\n", - "import tarfile\n", - "import logging\n", - "import numpy as np\n", - "from collections import namedtuple\n", - "from functools import partial\n", - "\n", - "import paddle\n", - "from paddle.io import Dataset\n", - "from paddle.io import DataLoader\n", - "from paddle.io import BatchSampler\n", - "from paddle.io import DistributedBatchSampler\n", - "from paddle import distributed as dist\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "excessive-american", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "naval-brave", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:93] register user softmax to paddle, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:97] register user log_softmax to paddle, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:101] register user sigmoid to paddle, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:105] register user log_sigmoid to paddle, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:109] register user relu to paddle, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:119] override cat of paddle if exists or register, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:133] override item of paddle.Tensor if exists or register, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:144] override long of paddle.Tensor if exists or register, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:164] override new_full of paddle.Tensor if exists or register, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:179] override eq of paddle.Tensor if exists or register, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:185] override eq of paddle if exists or register, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:195] override contiguous of paddle.Tensor if exists or register, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:212] override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:223] register user view to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:233] register user view_as to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:259] register user masked_fill to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:277] register user masked_fill_ to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:288] register user fill_ to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:298] register user repeat to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:303] register user softmax to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:308] register user sigmoid to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:312] register user relu to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:322] register user type_as to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:337] register user to to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:346] register user float to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:356] register user tolist to paddle.Tensor, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:371] register user glu to paddle.nn.functional, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:422] override ctc_loss of paddle.nn.functional if exists, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:428] register user Module to paddle.nn, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:434] register user ModuleList to paddle.nn, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:450] register user GLU to paddle.nn, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:483] register user ConstantPad2d to paddle.nn, remove this when fixed!\n", - "[WARNING 2021/04/16 06:32:09 __init__.py:489] register user export to paddle.jit, remove this when fixed!\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'num_samples': 5, 'beam_size': 500, 'num_proc_bsearch': 8, 'num_conv_layers': 2, 'num_rnn_layers': 3, 'rnn_layer_size': 2048, 'alpha': 2.5, 'beta': 0.3, 'cutoff_prob': 1.0, 'cutoff_top_n': 40, 'use_gru': False, 'use_gpu': True, 'share_rnn_weights': True, 'unit_type': 'char', 'spm_model_prefix': 'examples/tiny/s1/data/spm_bpe', 'infer_manifest': 'examples/tiny/s1/data/manifest.tiny', 'mean_std_path': 'examples/tiny/s1/data/mean_std.npz', 'vocab_path': 'examples/tiny/s1/data/vocab.txt', 'lang_model_path': 'models/lm/common_crawl_00.prune01111.trie.klm', 'model_path': 'examples/tiny/s1/checkpoints/step_final', 'decoding_method': 'ctc_beam_search', 'error_rate_type': 'wer', 'specgram_type': 'fbank', 'feat_dim': 80, 'delta_delta': False}\n" - ] - } - ], - "source": [ - "import sys\n", - "import argparse\n", - "import functools\n", - "from deepspeech.utils.utility import add_arguments, print_arguments\n", - "parser = argparse.ArgumentParser(description=__doc__)\n", - "add_arg = functools.partial(add_arguments, argparser=parser)\n", - "# yapf: disable\n", - "add_arg('num_samples', int, 5, \"# of samples to infer.\")\n", - "add_arg('beam_size', int, 500, \"Beam search width.\")\n", - "add_arg('num_proc_bsearch', int, 8, \"# of CPUs for beam search.\")\n", - "add_arg('num_conv_layers', int, 2, \"# of convolution layers.\")\n", - "add_arg('num_rnn_layers', int, 3, \"# of recurrent layers.\")\n", - "add_arg('rnn_layer_size', int, 2048, \"# of recurrent cells per layer.\")\n", - "add_arg('alpha', float, 2.5, \"Coef of LM for beam search.\")\n", - "add_arg('beta', float, 0.3, \"Coef of WC for beam search.\")\n", - "add_arg('cutoff_prob', float, 1.0, \"Cutoff probability for pruning.\")\n", - "add_arg('cutoff_top_n', int, 40, \"Cutoff number for pruning.\")\n", - "add_arg('use_gru', bool, False, \"Use GRUs instead of simple RNNs.\")\n", - "add_arg('use_gpu', bool, True, \"Use GPU or not.\")\n", - "add_arg('share_rnn_weights',bool, True, \"Share input-hidden weights across \"\n", - " \"bi-directional RNNs. Not for GRU.\")\n", - "add_arg('unit_type', str,\n", - " 'char',\n", - " \"Options: char, word, spm.\",\n", - " choices=['char', 'word', 'spm'])\n", - "add_arg('spm_model_prefix', str,\n", - " 'examples/tiny/s1/data/spm_bpe',\n", - " \"spm model prefix.\",)\n", - "add_arg('infer_manifest', str,\n", - " 'examples/tiny/s1/data/manifest.tiny',\n", - " \"Filepath of manifest to infer.\")\n", - "add_arg('mean_std_path', str,\n", - " 'examples/tiny/s1/data/mean_std.npz',\n", - " \"Filepath of normalizer's mean & std.\")\n", - "add_arg('vocab_path', str,\n", - " 'examples/tiny/s1/data/vocab.txt',\n", - " \"Filepath of vocabulary.\")\n", - "add_arg('lang_model_path', str,\n", - " 'models/lm/common_crawl_00.prune01111.trie.klm',\n", - " \"Filepath for language model.\")\n", - "add_arg('model_path', str,\n", - " 'examples/tiny/s1/checkpoints/step_final',\n", - " \"If None, the training starts from scratch, \"\n", - " \"otherwise, it resumes from the pre-trained model.\")\n", - "add_arg('decoding_method', str,\n", - " 'ctc_beam_search',\n", - " \"Decoding method. Options: ctc_beam_search, ctc_greedy\",\n", - " choices = ['ctc_beam_search', 'ctc_greedy'])\n", - "add_arg('error_rate_type', str,\n", - " 'wer',\n", - " \"Error rate type for evaluation.\",\n", - " choices=['wer', 'cer'])\n", - "add_arg('specgram_type', str,\n", - " 'fbank',\n", - " \"Audio feature type. Options: linear, mfcc.\",\n", - " choices=['linear', 'mfcc'])\n", - "add_arg('feat_dim', int, 80, \"mfcc or fbank feat dim.\")\n", - "add_arg('delta_delta', bool, False, \"delta delta\")\n", - "# yapf: disable\n", - "args = parser.parse_args([])\n", - "print(vars(args))" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "wired-principal", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'num_samples': 5, 'beam_size': 500, 'num_proc_bsearch': 8, 'num_conv_layers': 2, 'num_rnn_layers': 3, 'rnn_layer_size': 2048, 'alpha': 2.5, 'beta': 0.3, 'cutoff_prob': 1.0, 'cutoff_top_n': 40, 'use_gru': False, 'use_gpu': True, 'share_rnn_weights': True, 'unit_type': 'char', 'spm_model_prefix': 'examples/aishell/s1/data/spm_bpe', 'infer_manifest': 'examples/aishell/s1/data/manifest.test', 'mean_std_path': '', 'vocab_path': 'examples/aishell/s1/data/vocab.txt', 'lang_model_path': 'models/lm/common_crawl_00.prune01111.trie.klm', 'model_path': 'examples/aishell/s1/checkpoints/step_final', 'decoding_method': 'ctc_beam_search', 'error_rate_type': 'wer', 'specgram_type': 'fbank', 'feat_dim': 80, 'delta_delta': False}\n" - ] - } - ], - "source": [ - "import sys\n", - "import argparse\n", - "import functools\n", - "from deepspeech.utils.utility import add_arguments, print_arguments\n", - "parser = argparse.ArgumentParser(description=__doc__)\n", - "add_arg = functools.partial(add_arguments, argparser=parser)\n", - "# yapf: disable\n", - "add_arg('num_samples', int, 5, \"# of samples to infer.\")\n", - "add_arg('beam_size', int, 500, \"Beam search width.\")\n", - "add_arg('num_proc_bsearch', int, 8, \"# of CPUs for beam search.\")\n", - "add_arg('num_conv_layers', int, 2, \"# of convolution layers.\")\n", - "add_arg('num_rnn_layers', int, 3, \"# of recurrent layers.\")\n", - "add_arg('rnn_layer_size', int, 2048, \"# of recurrent cells per layer.\")\n", - "add_arg('alpha', float, 2.5, \"Coef of LM for beam search.\")\n", - "add_arg('beta', float, 0.3, \"Coef of WC for beam search.\")\n", - "add_arg('cutoff_prob', float, 1.0, \"Cutoff probability for pruning.\")\n", - "add_arg('cutoff_top_n', int, 40, \"Cutoff number for pruning.\")\n", - "add_arg('use_gru', bool, False, \"Use GRUs instead of simple RNNs.\")\n", - "add_arg('use_gpu', bool, True, \"Use GPU or not.\")\n", - "add_arg('share_rnn_weights',bool, True, \"Share input-hidden weights across \"\n", - " \"bi-directional RNNs. Not for GRU.\")\n", - "add_arg('unit_type', str,\n", - " 'char',\n", - " \"Options: char, word, spm.\",\n", - " choices=['char', 'word', 'spm'])\n", - "add_arg('spm_model_prefix', str,\n", - " 'examples/aishell/s1/data/spm_bpe',\n", - " \"spm model prefix.\",)\n", - "add_arg('infer_manifest', str,\n", - " 'examples/aishell/s1/data/manifest.test',\n", - " \"Filepath of manifest to infer.\")\n", - "add_arg('mean_std_path', str,\n", - " '',\n", - " \"examples/aishell/s1/data/mean_std.npz, Filepath of normalizer's mean & std.\")\n", - "add_arg('vocab_path', str,\n", - " 'examples/aishell/s1/data/vocab.txt',\n", - " \"Filepath of vocabulary.\")\n", - "add_arg('lang_model_path', str,\n", - " 'models/lm/common_crawl_00.prune01111.trie.klm',\n", - " \"Filepath for language model.\")\n", - "add_arg('model_path', str,\n", - " 'examples/aishell/s1/checkpoints/step_final',\n", - " \"If None, the training starts from scratch, \"\n", - " \"otherwise, it resumes from the pre-trained model.\")\n", - "add_arg('decoding_method', str,\n", - " 'ctc_beam_search',\n", - " \"Decoding method. Options: ctc_beam_search, ctc_greedy\",\n", - " choices = ['ctc_beam_search', 'ctc_greedy'])\n", - "add_arg('error_rate_type', str,\n", - " 'wer',\n", - " \"Error rate type for evaluation.\",\n", - " choices=['wer', 'cer'])\n", - "add_arg('specgram_type', str,\n", - " 'fbank',\n", - " \"Audio feature type. Options: linear, mfcc.\",\n", - " choices=['linear', 'mfcc', 'fbank'])\n", - "add_arg('feat_dim', int, 80, \"mfcc or fbank feat dim.\")\n", - "add_arg('delta_delta', bool, False, \"delta delta\")\n", - "# yapf: disable\n", - "args = parser.parse_args([])\n", - "print(vars(args))" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "bearing-physics", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/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.\n", - " from numpy.dual import register_func\n", - "/workspace/DeepSpeech-2.x/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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int,\n", - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/numba/core/types/__init__.py:108: DeprecationWarning: `np.long` is a deprecated alias for `np.compat.long`. To silence this warning, use `np.compat.long` by itself. In the likely event your code does not need to work on Python 2 you can use the builtin `int` for which `np.compat.long` is itself an alias. Doing this will not modify any behaviour and is safe. When replacing `np.long`, 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " long_ = _make_signed(np.long)\n", - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/numba/core/types/__init__.py:109: DeprecationWarning: `np.long` is a deprecated alias for `np.compat.long`. To silence this warning, use `np.compat.long` by itself. In the likely event your code does not need to work on Python 2 you can use the builtin `int` for which `np.compat.long` is itself an alias. Doing this will not modify any behaviour and is safe. When replacing `np.long`, 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " ulong = _make_unsigned(np.long)\n" - ] - } - ], - "source": [ - "from deepspeech.frontend.utility import read_manifest\n", - "from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline\n", - "from deepspeech.frontend.featurizer.speech_featurizer import SpeechFeaturizer\n", - "from deepspeech.frontend.speech import SpeechSegment\n", - "from deepspeech.frontend.normalizer import FeatureNormalizer\n", - "\n", - "\n", - "from deepspeech.io.collator import SpeechCollator\n", - "from deepspeech.io.dataset import ManifestDataset\n", - "from deepspeech.io.sampler import (\n", - " SortagradDistributedBatchSampler,\n", - " SortagradBatchSampler,\n", - ")\n", - "from deepspeech.io import create_dataloader\n", - "batch_reader = create_dataloader(\n", - " manifest_path=args.infer_manifest,\n", - " unit_type=args.unit_type,\n", - " vocab_filepath=args.vocab_path,\n", - " mean_std_filepath=args.mean_std_path,\n", - " spm_model_prefix=args.spm_model_prefix,\n", - " augmentation_config='{}',\n", - " max_input_len=27.0,\n", - " min_input_len=0.0,\n", - " max_output_len=float('inf'),\n", - " min_output_len=0.0,\n", - " max_output_input_ratio=float('inf'),\n", - " min_output_input_ratio=0.0,\n", - " stride_ms=10.0,\n", - " window_ms=20.0,\n", - " max_freq=None,\n", - " specgram_type=args.specgram_type,\n", - " feat_dim=args.feat_dim,\n", - " delta_delta=args.delta_delta,\n", - " use_dB_normalization=True,\n", - " random_seed=0,\n", - " keep_transcription_text=True,\n", - " is_training=False,\n", - " batch_size=args.num_samples,\n", - " num_workers=0,\n", - " sortagrad=True,\n", - " shuffle_method=None,\n", - " dist=False)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "classified-melissa", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "fbank\n", - "[232 387 331 ... 249 249 262] int16\n", - "fbank\n", - "[-138 -219 -192 ... 338 324 351] int16\n", - "fbank\n", - "[ 694 1175 1022 ... 553 514 627] int16\n", - "fbank\n", - "[-39 -79 -53 ... 139 172 99] int16\n", - "fbank\n", - "[-277 -480 -425 ... 758 767 739] int16\n", - "fbank\n", - "[ 399 693 609 ... 1291 1270 1291] int16\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/dataloader/dataloader_iter.py:354: DeprecationWarning: `np.object` is a deprecated alias for the builtin `object`. To silence this warning, use `object` by itself. Doing this will not modify any behavior and is safe. \n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if arr.dtype == np.object:\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "fbank\n", - "[ -750 -1254 -1107 ... 2276 1889 2067] int16\n", - "fbank\n", - "[ -127 -199 -149 ... -5243 -5065 -5398] int16\n", - "fbank\n", - "[ 465 783 677 ... 980 903 1008] int16\n", - "fbank\n", - "[ 90 160 157 ... -2 -16 -21] int16\n", - "fbank\n", - "[ 213 345 295 ... 2483 2246 2501] int16\n", - "fbank\n", - "[ -86 -159 -131 ... 270 258 290] int16\n", - "fbank\n", - "[-1023 -1714 -1505 ... 1532 1596 1575] int16\n", - "fbank\n", - "[-366 -602 -527 ... 374 370 379] int16\n", - "fbank\n", - "[ 761 1275 1127 ... 369 413 295] int16\n", - "fbank\n", - "[382 621 550 ... 161 161 174] int16\n", - "fbank\n", - "[ -28 -91 -120 ... 28 34 11] int16\n", - "fbank\n", - "[ -5 -5 -5 ... 268 294 341] int16\n", - "fbank\n", - "[240 417 684 ... 267 262 219] int16\n", - "fbank\n", - "[131 206 194 ... 383 320 343] int16\n", - "test: Tensor(shape=[5, 7], dtype=int32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[31069, 21487, 29233, 30340, 20320, -1 , -1 ],\n", - " [20540, 24471, 19968, 25552, 30340, 26159, -1 ],\n", - " [36825, 20010, 31243, 24230, 26159, 32654, 30340],\n", - " [20108, 21040, 20108, -1 , -1 , -1 , -1 ],\n", - " [21435, 34892, 25919, 21270, -1 , -1 , -1 ]])\n", - "fbank\n", - "[1155 1890 1577 ... 1092 989 1130] int16\n", - "fbank\n", - "[296 358 296 ... 140 140 168] int16\n", - "fbank\n", - "[-50 -91 -63 ... 104 104 86] int16\n", - "fbank\n", - "[-37 -66 -50 ... -31 -45 -52] int16\n", - "fbank\n", - "[-401 -652 -547 ... -339 -307 -344] int16\n", - "fbank\n", - "[-21 -47 -51 ... 94 81 107] int16\n", - "fbank\n", - "[ 533 887 755 ... 3074 2853 3254] int16\n", - "fbank\n", - "[ 44 71 66 ... -628 -733 -601] int16\n", - "fbank\n", - "[ 50 86 79 ... 129 116 138] int16\n", - "fbank\n", - "[ 92 146 126 ... -208 -193 -179] int16\n", - "test raw: 祝可爱的你\n", - "test raw: 去行政化\n", - "audio len: Tensor(shape=[5], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [184, 194, 196, 204, 207])\n", - "test len: Tensor(shape=[5], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [5, 6, 7, 3, 4])\n", - "audio: Tensor(shape=[5, 207, 80], dtype=float32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[[12.25633812, 12.61639309, 10.36936474, ..., 13.02949619, 11.51365757, 10.59789085],\n", - " [13.32148266, 13.41071606, 11.43800735, ..., 13.69783783, 12.83939362, 11.51259613],\n", - " [12.62640572, 12.53621101, 10.97212505, ..., 13.33757591, 12.32293034, 10.75493717],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[10.99619484, 11.35202599, 9.56922054 , ..., 9.94971657 , 9.88354111 , 9.55315971 ],\n", - " [10.44461155, 9.81688595 , 5.62538481 , ..., 10.60468388, 10.94417381, 9.42646980 ],\n", - " [10.23835754, 10.23407459, 7.99464273 , ..., 10.68097591, 9.91640091 , 10.04131031],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[14.10299397, 14.50298119, 12.87738323, ..., 12.62796497, 12.69949627, 11.43171215],\n", - " [13.85035992, 13.15289116, 10.66541386, ..., 13.34364223, 13.46972179, 11.02160740],\n", - " [13.19866467, 13.23537827, 11.65760899, ..., 12.72559357, 12.42716217, 11.74562359],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[12.85668373, 12.82431412, 11.68144703, ..., 14.10119247, 15.12791920, 13.68221378],\n", - " [13.19507027, 13.40244961, 11.43618393, ..., 13.32919979, 13.68267441, 12.73429012],\n", - " [13.02173328, 12.92082500, 11.44303989, ..., 12.77793121, 13.10915661, 11.77327728],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[12.90771198, 13.40234852, 13.01435471, ..., 13.80359459, 14.08088684, 13.17883396],\n", - " [14.06678009, 14.06943512, 12.52837276, ..., 13.66423225, 13.66300583, 13.60142994],\n", - " [12.58743191, 12.94520760, 11.75190544, ..., 14.28828907, 14.08229160, 13.02433395],\n", - " ...,\n", - " [16.20896912, 16.42283821, 14.94358730, ..., 12.91146755, 12.66766262, 11.76361752],\n", - " [13.49324894, 14.14653301, 13.16490936, ..., 13.23435783, 13.45378494, 12.60386276],\n", - " [15.56288910, 15.92445087, 14.90794277, ..., 13.43840790, 13.41075516, 12.55605984]]])\n" - ] - } - ], - "source": [ - "for idx, (audio, audio_len, text, text_len) in enumerate(batch_reader()):\n", - " print('test:', text)\n", - " print(\"test raw:\", ''.join( chr(i) for i in text[0][:int(text_len[0])] ))\n", - " print(\"test raw:\", ''.join( chr(i) for i in text[-1][:int(text_len[-1])] ))\n", - " print('audio len:', audio_len)\n", - " print('test len:', text_len)\n", - " print('audio:', audio)\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "unexpected-skating", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "minus-modern", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "fbank\n", - "[232 387 331 ... 249 249 262] int16\n", - "fbank\n", - "[-138 -219 -192 ... 338 324 351] int16\n", - "fbank\n", - "[ 694 1175 1022 ... 553 514 627] int16\n", - "fbank\n", - "[-39 -79 -53 ... 139 172 99] int16\n", - "fbank\n", - "[-277 -480 -425 ... 758 767 739] int16\n", - "fbank\n", - "test: Tensor(shape=[5, 7], dtype=int32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[2695, 505, 2332, 2553, 169, -1 , -1 ],\n", - " [ 230, 1237, 2 , 1556, 2553, 1694, -1 ],\n", - " [3703, 28 , 2739, 1172, 1694, 2966, 2553],\n", - " [ 70 , 355, 70 , -1 , -1 , -1 , -1 ],\n", - " [ 477, 3363, 1621, 412, -1 , -1 , -1 ]])\n", - "[ 399 693 609 ... 1291 1270 1291] int16\n", - "test raw: ઇǹज৹©\n", - "test raw: ǝണٕƜ\n", - "test len: Tensor(shape=[5], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [5, 6, 7, 3, 4])\n", - "audio: Tensor(shape=[5, 207, 80], dtype=float32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[[12.25794601, 12.61855793, 10.37306023, ..., 13.12571049, 11.53678799, 10.32210350],\n", - " [13.32333183, 13.41336918, 11.44248962, ..., 13.65861225, 12.79308128, 11.31168747],\n", - " [12.62584686, 12.53506088, 10.96861362, ..., 13.32526493, 12.41560936, 10.71458912],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[11.00003052, 11.35529137, 9.56384087 , ..., 10.06063652, 10.16322994, 9.43149185 ],\n", - " [10.44556236, 9.81155300 , 5.49400425 , ..., 10.84116268, 11.02734756, 9.42253590 ],\n", - " [10.23620510, 10.23321152, 7.99466419 , ..., 10.93381882, 10.28395081, 10.00841141],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[14.10379314, 14.50375748, 12.87825108, ..., 12.68065739, 12.62359715, 11.53773308],\n", - " [13.84964657, 13.15079498, 10.67198086, ..., 13.24875164, 13.45796680, 10.97363472],\n", - " [13.19808197, 13.23482990, 11.65900230, ..., 12.70375061, 12.41395664, 11.88668156],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[12.85676289, 12.82410812, 11.67961884, ..., 14.12018299, 15.14850044, 13.80065727],\n", - " [13.19532776, 13.40243340, 11.43492508, ..., 13.29144669, 13.70278549, 12.67841339],\n", - " [13.02196407, 12.92111111, 11.43998623, ..., 12.71165752, 13.16518497, 11.92028046],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[12.90661621, 13.40162563, 13.01394463, ..., 13.84056377, 14.11240959, 13.21227264],\n", - " [14.06642914, 14.06922340, 12.52955723, ..., 13.55829811, 13.60157204, 13.50268650],\n", - " [12.58881378, 12.94780254, 11.75758171, ..., 14.29055786, 14.12165928, 13.02695847],\n", - " ...,\n", - " [16.20891571, 16.42290306, 14.94398117, ..., 12.86083794, 12.63515949, 11.67581463],\n", - " [13.49345875, 14.14656067, 13.16498375, ..., 13.28024578, 13.40956783, 12.70357513],\n", - " [15.56265163, 15.92387581, 14.90643024, ..., 13.45694065, 13.44703197, 12.81099033]]])\n", - "audio len: Tensor(shape=[5], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [184, 194, 196, 204, 207])\n" - ] - } - ], - "source": [ - "keep_transcription_text=False\n", - "batch_reader = create_dataloader(\n", - " manifest_path=args.infer_manifest,\n", - " unit_type=args.unit_type,\n", - " vocab_filepath=args.vocab_path,\n", - " mean_std_filepath=args.mean_std_path,\n", - " spm_model_prefix=args.spm_model_prefix,\n", - " augmentation_config='{}',\n", - " max_input_len=27.0,\n", - " min_input_len=0.0,\n", - " max_output_len=float('inf'),\n", - " min_output_len=0.0,\n", - " max_output_input_ratio=float('inf'),\n", - " min_output_input_ratio=0.0,\n", - " stride_ms=10.0,\n", - " window_ms=20.0,\n", - " max_freq=None,\n", - " specgram_type=args.specgram_type,\n", - " feat_dim=args.feat_dim,\n", - " delta_delta=args.delta_delta,\n", - " use_dB_normalization=True,\n", - " random_seed=0,\n", - " keep_transcription_text=keep_transcription_text,\n", - " is_training=False,\n", - " batch_size=args.num_samples,\n", - " num_workers=0,\n", - " sortagrad=True,\n", - " shuffle_method=None,\n", - " dist=False)\n", - "for idx, (audio, audio_len, text, text_len) in enumerate(batch_reader()):\n", - " print('test:', text)\n", - " print(\"test raw:\", ''.join( chr(i) for i in text[0][:int(text_len[0])] ))\n", - " print(\"test raw:\", ''.join( chr(i) for i in text[-1][:int(text_len[-1])] ))\n", - " print('test len:', text_len)\n", - " print('audio:', audio)\n", - " print('audio len:', audio_len)\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "competitive-mounting", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "knowing-military", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'num_samples': 1, 'specgram_type': 'fbank', 'feat_dim': 80, 'delta_delta': False, 'stride_ms': 10.0, 'window_ms': 25.0, 'sample_rate': 16000, 'manifest_path': 'examples/aishell/s1/data/manifest.train', 'output_path': 'examples/aishell/s1/data/mean_std.npz'}\n" - ] - } - ], - "source": [ - "import sys\n", - "import argparse\n", - "import functools\n", - "from deepspeech.utils.utility import add_arguments, print_arguments\n", - "parser = argparse.ArgumentParser(description=__doc__)\n", - "add_arg = functools.partial(add_arguments, argparser=parser)\n", - "\n", - "add_arg('num_samples', int, 1, \"# of samples to for statistics.\")\n", - "add_arg('specgram_type', str, 'fbank',\n", - " \"Audio feature type. Options: linear, mfcc, fbank.\",\n", - " choices=['linear', 'mfcc', 'fbank'])\n", - "add_arg('feat_dim', int, 80, \"Audio feature dim.\")\n", - "add_arg('delta_delta', bool, False,\"Audio feature with delta delta.\")\n", - "add_arg('stride_ms', float, 10.0, \"stride length in ms.\")\n", - "add_arg('window_ms', float, 25.0, \"stride length in ms.\")\n", - "add_arg('sample_rate', int, 16000, \"target sample rate.\")\n", - "add_arg('manifest_path', str,\n", - " 'examples/aishell/s1/data/manifest.train',\n", - " \"Filepath of manifest to compute normalizer's mean and stddev.\")\n", - "add_arg('output_path', str,\n", - " 'examples/aishell/s1/data/mean_std.npz',\n", - " \"Filepath of write mean and stddev to (.npz).\")\n", - "args = parser.parse_args([])\n", - "print(vars(args))\n" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "id": "unnecessary-province", - "metadata": {}, - "outputs": [], - "source": [ - "\n", - "from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline\n", - "from deepspeech.frontend.featurizer.audio_featurizer import AudioFeaturizer\n", - "from deepspeech.frontend.normalizer import FeatureNormalizer\n", - "from deepspeech.frontend.audio import AudioSegment\n", - "from deepspeech.frontend.utility import load_cmvn\n", - "from deepspeech.frontend.utility import read_manifest\n", - "\n", - "\n", - "\n", - "def mean(args):\n", - " augmentation_pipeline = AugmentationPipeline('{}')\n", - " audio_featurizer = AudioFeaturizer(\n", - " specgram_type=args.specgram_type,\n", - " feat_dim=args.feat_dim,\n", - " delta_delta=args.delta_delta,\n", - " stride_ms=args.stride_ms,\n", - " window_ms=args.window_ms,\n", - " n_fft=None,\n", - " max_freq=None,\n", - " target_sample_rate=args.sample_rate,\n", - " use_dB_normalization=True,\n", - " target_dB=-20,\n", - " dither=0.0)\n", - "\n", - " def augment_and_featurize(audio_segment):\n", - " augmentation_pipeline.transform_audio(audio_segment)\n", - " return audio_featurizer.featurize(audio_segment)\n", - "\n", - " normalizer = FeatureNormalizer(\n", - " mean_std_filepath=None,\n", - " manifest_path=args.manifest_path,\n", - " featurize_func=augment_and_featurize,\n", - " num_samples=args.num_samples)\n", - " normalizer.write_to_file(args.output_path)\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "id": "interested-camping", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[0.00164795 0.00274658 0.00234985 ... 0.00177002 0.00177002 0.00186157]\n", - "[54. 90. 77. ... 58. 58. 61.]\n", - "29746\n", - "fbank\n", - "[54 90 77 ... 58 58 61] int16\n", - "(184, 80) float64\n", - "[[10.61737914 10.07708936 5.32487528 ... 10.2481839 8.89699394\n", - " 7.80671114]\n", - " [11.0440077 10.3180721 6.30866128 ... 11.23730926 10.35838868\n", - " 8.83860079]\n", - " [10.26930555 9.99636567 7.3296638 ... 10.45131595 9.69295303\n", - " 7.96168491]\n", - " ...\n", - " [10.14497345 9.88674207 6.73801138 ... 10.21580627 9.00343472\n", - " 8.75616521]\n", - " [ 9.97745961 9.67949736 7.90660425 ... 10.22436653 9.59456493\n", - " 7.69287184]\n", - " [ 6.47357374 7.76335491 7.75765843 ... 9.96522077 9.6226365\n", - " 8.16007108]]\n", - "(184, 80) float64\n", - "[[10.61737914 10.07708936 5.32487528 ... 10.2481839 8.89699394\n", - " 7.80671114]\n", - " [11.0440077 10.3180721 6.30866128 ... 11.23730926 10.35838868\n", - " 8.83860079]\n", - " [10.26930555 9.99636567 7.3296638 ... 10.45131595 9.69295303\n", - " 7.96168491]\n", - " ...\n", - " [10.14497345 9.88674207 6.73801138 ... 10.21580627 9.00343472\n", - " 8.75616521]\n", - " [ 9.97745961 9.67949736 7.90660425 ... 10.22436653 9.59456493\n", - " 7.69287184]\n", - " [ 6.47357374 7.76335491 7.75765843 ... 9.96522077 9.6226365\n", - " 8.16007108]]\n" - ] - } - ], - "source": [ - "wav='/workspace/DeepSpeech-2.x/examples/aishell/s1/../../..//examples/dataset/aishell/data_aishell/wav/test/S0916/BAC009S0916W0426.wav'\n", - "test='祝可爱的你'\n", - "audio_featurizer = AudioFeaturizer(\n", - " specgram_type=args.specgram_type,\n", - " feat_dim=args.feat_dim,\n", - " delta_delta=args.delta_delta,\n", - " stride_ms=args.stride_ms,\n", - " window_ms=args.window_ms,\n", - " n_fft=None,\n", - " max_freq=None,\n", - " target_sample_rate=args.sample_rate,\n", - " use_dB_normalization=False,\n", - " target_dB=-20,\n", - " dither=0.0)\n", - "samples = AudioSegment.from_file(wav)\n", - "print(samples._samples)\n", - "print(samples._samples * 2**15)\n", - "print(len(samples._samples))\n", - "feat = audio_featurizer.featurize(samples, False, False)\n", - "feat = feat.T\n", - "print(feat.shape, feat.dtype)\n", - "print(feat)\n", - "\n", - "from python_speech_features import logfbank\n", - "max_freq = args.sample_rate / 2\n", - "fbank_feat = logfbank(\n", - " signal=samples.to('int16'),\n", - " samplerate=args.sample_rate,\n", - " winlen=0.001 * args.window_ms,\n", - " winstep=0.001 * args.stride_ms,\n", - " nfilt=args.feat_dim,\n", - " nfft=512,\n", - " lowfreq=20,\n", - " highfreq=max_freq,\n", - " preemph=0.97,\n", - " dither=0.0,\n", - " wintype='povey')\n", - "print(fbank_feat.shape, fbank_feat.dtype)\n", - "print(fbank_feat)" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "id": "numeric-analyst", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(184, 160)\n", - "[ 8.59522397 8.43148278 8.36414052 8.45487173 8.31761643 8.04843683\n", - " 8.01683696 7.6574614 7.95521932 8.22945157 10.20138275 9.0447775\n", - " 9.14763398 9.18184349 9.03801065 9.04852307 8.67706728 8.71894271\n", - " 9.54553655 9.19535135 8.76413076 8.47828946 8.52586143 8.49469288\n", - " 8.72461247 8.28562879 8.11581393 7.99922156 7.91023364 8.04142296\n", - " 7.89762773 7.76257636 8.32043745 8.01592886 8.34109665 8.90115454\n", - " 8.48246945 7.98658664 8.05745122 8.11384088 8.18864479 8.8091827\n", - " 11.8067711 13.25258218 14.44311795 13.90515283 14.00120623 13.99801252\n", - " 13.81595394 13.6379904 13.3574897 13.14933334 12.96518543 13.02601156\n", - " 12.70246737 12.54410834 12.15615068 11.86574681 11.67497882 10.79645481\n", - " 10.48150035 10.03758575 10.05637027 9.92891308 10.06923218 12.43382431\n", - " 12.71428321 14.33135052 13.94470959 14.29188291 14.11483993 14.03496606\n", - " 13.78167331 13.66701466 14.40308625 14.73934137 15.09569382 14.89565815\n", - " 15.10519995 14.94383582 15.03275563 15.42194679 15.29219967 15.41602274\n", - " 15.39242545 15.76836177 16.259222 16.47777231 17.03366795 17.46165793\n", - " 17.52596217 17.78844031 17.99878075 18.11446843 17.95761578 17.99900337\n", - " 17.86282737 17.7290163 17.47686504 17.43425516 17.07750485 16.64395242\n", - " 15.68217043 14.90058399 14.45645737 14.0405463 14.89549542 16.00405781\n", - " 16.27301689 16.37572895 16.31219037 16.31765447 16.44819716 16.36281089\n", - " 16.24932823 15.79302555 14.76361963 13.95761882 13.48917053 13.45543501\n", - " 13.00091327 13.13854248 13.74596395 13.86340629 14.00656109 13.77432101\n", - " 13.64267001 13.35742634 13.23042234 12.97916104 12.80694468 12.70005006\n", - " 13.2802483 13.22644525 13.14579624 13.02536594 13.36511022 11.37167205\n", - " 12.11598045 12.47619798 12.83885973 11.63880287 11.42083924 11.08747705\n", - " 11.04093403 11.11263149 10.74353319 10.58734669 10.46180738 10.34157335\n", - " 9.63131146 9.70582692 9.29059204 8.94583657 8.66065094 8.46799095\n", - " 8.25064103 8.30239167 8.19463371 8.12104567 8.02731234 8.06412715\n", - " 7.84889951 7.73090283 7.74119562 7.85444657 7.80717312 7.7129933\n", - " 7.84087442 7.77907788 7.60660865 7.55051479 7.458385 7.496416\n", - " 7.69519793 7.49086759 7.32199493 8.01617458 7.58525375 7.06661122\n", - " 6.94653756 7.19874283 7.28515661 7.17574078]\n", - "(184,)\n", - "(184,)\n", - "[1.48370471 1.52174523 1.46984238 1.67010478 1.88757689 1.68825992\n", - " 1.74270259 1.55497318 1.29200818 1.68446481 1.88133219 1.97138928\n", - " 2.15910096 2.3149476 1.9820247 2.07694378 1.93498835 2.01493974\n", - " 2.39156824 2.02396518 1.69586449 1.63808752 1.64020228 1.43573473\n", - " 1.93092656 1.37466294 1.34704929 1.59600739 1.03960441 1.45276496\n", - " 1.59360131 1.57466343 1.89491479 1.79333746 1.32701974 1.49441767\n", - " 1.51466756 1.63497989 1.42858074 1.51135396 1.61077201 1.81066387\n", - " 1.83367783 2.3507094 2.87885378 3.26231227 2.1313117 1.98557548\n", - " 1.99105426 2.26150533 2.34298751 2.44621608 2.39201042 2.41226503\n", - " 2.5142992 3.03777565 2.81592295 2.75117863 2.78324175 2.68819666\n", - " 2.8945782 2.84464168 2.680973 2.78397395 2.47996808 1.71829563\n", - " 1.60636949 1.65992483 1.38122631 1.74831825 2.16006884 1.68076185\n", - " 1.69329487 1.44929837 1.63763312 1.80101076 2.01166253 2.03254244\n", - " 1.9583913 2.04542255 2.00859694 2.16600883 2.16095629 1.97541122\n", - " 2.13807632 2.06386436 2.2154187 2.84205688 2.54862449 2.64321545\n", - " 2.6805773 2.52300146 2.53209001 2.54682059 2.4521937 2.43155532\n", - " 2.42571275 2.23421289 2.23164529 2.23597192 2.14215121 2.10406703\n", - " 2.07962874 1.88506161 1.80092372 1.61156092 1.77426835 1.98765563\n", - " 2.0356793 1.87964187 1.779513 1.87187681 1.76463632 1.70978684\n", - " 1.76471778 1.75604749 1.62792552 1.73929352 1.6887024 1.8677704\n", - " 2.17342368 2.08166072 2.14567453 2.15936953 2.18351006 2.41010388\n", - " 2.26101752 2.25468001 2.23739715 2.15395133 2.04547813 1.92038843\n", - " 1.85491264 1.91905927 2.16709365 1.99924152 2.1850471 2.55461622\n", - " 2.72476673 1.69682926 1.73249614 2.06992695 2.1210591 1.66854454\n", - " 1.63907505 1.32203822 1.38992558 1.2436937 1.17932877 1.02963653\n", - " 1.26085036 1.16997132 1.09339504 1.14188689 1.18675772 1.31859788\n", - " 1.21746591 1.3872131 1.26095274 1.34885761 1.46633543 1.64506975\n", - " 1.36013821 1.45574721 1.43766588 1.65119054 1.57163772 1.55082968\n", - " 1.29413316 1.38351736 1.64234673 1.57186432 1.45381083 1.71204761\n", - " 1.51828607 1.30639985 1.32928395 1.49004237 1.6057589 1.81815735\n", - " 1.67784678 1.72180861 1.60703743 1.64850255]\n" - ] - } - ], - "source": [ - "a = np.hstack([feat, feat])\n", - "print(a.shape)\n", - "m = np.mean(a, axis=1)\n", - "print(m)\n", - "print(m.shape)\n", - "std = np.std(a, axis=1)\n", - "print(std.shape)\n", - "print(std)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "nonprofit-potato", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 18, - "id": "hispanic-ethics", - "metadata": {}, - "outputs": [], - "source": [ - "import torch\n", - "import torchaudio\n", - "import torchaudio.compliance.kaldi as kaldi\n", - "import torchaudio.sox_effects as sox_effects\n", - "from torch.nn.utils.rnn import pad_sequence\n", - "torchaudio.set_audio_backend(\"sox\")" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "id": "changing-calvin", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "torch.Size([1, 29746])\n", - "tensor([[54., 90., 77., ..., 58., 58., 61.]])\n", - "(184, 80)\n", - "[[10.617376 10.077089 5.3248763 ... 10.248186 8.896992 7.8067265]\n", - " [11.044004 10.318072 6.3086634 ... 11.237308 10.358393 8.838616 ]\n", - " [10.269302 9.9963665 7.3296647 ... 10.451319 9.692951 7.9617033]\n", - " ...\n", - " [10.14497 9.886743 6.738012 ... 10.215809 9.0034275 8.756177 ]\n", - " [ 9.977456 9.679498 7.9066052 ... 10.224365 9.594568 7.6928873]\n", - " [ 6.4735703 7.7633557 7.7576594 ... 9.965221 9.622637 8.160085 ]]\n", - "-----------\n", - "[0.00164795 0.00274658 0.00234985 ... 0.00177002 0.00177002 0.00186157]\n", - "(184, 80)\n", - "[[-10.177039 -10.717326 -15.46954 ... -10.546229 -11.897424 -12.987689]\n", - " [ -9.750411 -10.476343 -14.485752 ... -9.557108 -10.436023 -11.955799]\n", - " [-10.525113 -10.798049 -13.46475 ... -10.343097 -11.101464 -12.832712]\n", - " ...\n", - " [-10.649446 -10.907673 -14.056403 ... -10.578607 -11.790988 -12.038239]\n", - " [-10.816959 -11.114918 -12.88781 ... -10.570049 -11.199847 -13.101528]\n", - " [-14.320845 -13.03106 -13.036756 ... -10.829194 -11.171779 -12.634331]]\n", - "**************\n", - "[0.00164795 0.00274658 0.00234985 ... 0.00177002 0.00177002 0.00186157]\n", - "[54. 90. 77. ... 58. 58. 61.] float32\n", - "(184, 80)\n", - "[[10.617376 10.077089 5.3248763 ... 10.248186 8.896992 7.8067265]\n", - " [11.044004 10.318072 6.3086634 ... 11.237308 10.358393 8.838616 ]\n", - " [10.269302 9.9963665 7.3296647 ... 10.451319 9.692951 7.9617033]\n", - " ...\n", - " [10.14497 9.886743 6.738012 ... 10.215809 9.0034275 8.756177 ]\n", - " [ 9.977456 9.679498 7.9066052 ... 10.224365 9.594568 7.6928873]\n", - " [ 6.4735703 7.7633557 7.7576594 ... 9.965221 9.622637 8.160085 ]]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel_launcher.py:1: UserWarning: torchaudio.backend.sox_backend.load_wav has been deprecated and will be removed from 0.9.0 release. Please use \"torchaudio.load\".\n", - " \"\"\"Entry point for launching an IPython kernel.\n" - ] - } - ], - "source": [ - "waveform, sample_rate = torchaudio.load_wav(wav)\n", - "print(waveform.shape)\n", - "print(waveform)\n", - "mat = kaldi.fbank(\n", - " waveform,\n", - " num_mel_bins=80,\n", - " frame_length=25,\n", - " frame_shift=10,\n", - " dither=0,\n", - " energy_floor=0.0,\n", - " sample_frequency=sample_rate\n", - " )\n", - "mat = mat.detach().numpy()\n", - "print(mat.shape)\n", - "print(mat)\n", - "\n", - "print('-----------')\n", - "print(samples._samples)\n", - "aud = torch.tensor(samples._samples).view(1, -1)\n", - "mat = kaldi.fbank(\n", - " aud,\n", - " num_mel_bins=80,\n", - " frame_length=25,\n", - " frame_shift=10,\n", - " dither=0,\n", - " energy_floor=0.0,\n", - " sample_frequency=sample_rate\n", - " )\n", - "mat = mat.detach().numpy()\n", - "print(mat.shape)\n", - "print(mat)\n", - "\n", - "print('**************')\n", - "print(samples._samples)\n", - "tmp = samples.to('int16').astype('float32')\n", - "print(tmp, tmp.dtype)\n", - "aud = torch.tensor(tmp).view(1, -1)\n", - "mat = kaldi.fbank(\n", - " aud,\n", - " num_mel_bins=80,\n", - " frame_length=25,\n", - " frame_shift=10,\n", - " dither=0,\n", - " energy_floor=0.0,\n", - " sample_frequency=sample_rate\n", - " )\n", - "mat = mat.detach().numpy()\n", - "print(mat.shape)\n", - "print(mat)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "buried-dependence", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "silver-printing", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 20, - "id": "outer-space", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(29746,)\n", - "[54 90 77 ... 58 58 61]\n", - "(184, 80)\n", - "[[10.61737914 10.07708936 5.32487528 ... 10.2481839 8.89699394\n", - " 7.80671114]\n", - " [11.0440077 10.3180721 6.30866128 ... 11.23730926 10.35838868\n", - " 8.83860079]\n", - " [10.26930555 9.99636567 7.3296638 ... 10.45131595 9.69295303\n", - " 7.96168491]\n", - " ...\n", - " [10.14497345 9.88674207 6.73801138 ... 10.21580627 9.00343472\n", - " 8.75616521]\n", - " [ 9.97745961 9.67949736 7.90660425 ... 10.22436653 9.59456493\n", - " 7.69287184]\n", - " [ 6.47357374 7.76335491 7.75765843 ... 9.96522077 9.6226365\n", - " 8.16007108]]\n", - "(184, 13)\n", - "[[ 14.73775998 -13.30393391 5.85974818 ... -3.42359739 2.82785335\n", - " 8.86862748]\n", - " [ 15.31274834 -13.33671651 4.06537223 ... 8.15970347 2.15934846\n", - " 6.78353115]\n", - " [ 13.82218765 -13.39296404 6.8304843 ... 2.55332563 8.86724453\n", - " -0.05919222]\n", - " ...\n", - " [ 13.5837844 -13.42104892 11.21222354 ... 4.81477718 1.66627505\n", - " 5.59045842]\n", - " [ 13.75757034 -13.92626662 13.06074011 ... -0.46694046 5.56214833\n", - " 12.0785146 ]\n", - " [ 11.92813809 -15.9169855 8.78372271 ... -1.42014277 -3.25768086\n", - " 0.88337965]]\n" - ] - } - ], - "source": [ - "from python_speech_features import mfcc\n", - "from python_speech_features import delta\n", - "from python_speech_features import logfbank\n", - "import scipy.io.wavfile as iowav\n", - "\n", - "(rate,sig) = iowav.read(wav)\n", - "print(sig.shape)\n", - "print(sig)\n", - "\n", - "# note that generally nfilt=40 is used for speech recognition\n", - "fbank_feat = logfbank(sig,nfilt=80,lowfreq=20,dither=0,wintype='povey')\n", - "print(fbank_feat.shape)\n", - "print(fbank_feat)\n", - "\n", - "# the computed fbank coefficents of english.wav with dimension [110,23]\n", - "# [ 12.2865\t12.6906\t13.1765\t15.714\t16.064\t15.7553\t16.5746\t16.9205\t16.6472\t16.1302\t16.4576\t16.7326\t16.8864\t17.7215\t18.88\t19.1377\t19.1495\t18.6683\t18.3886\t20.3506\t20.2772\t18.8248\t18.1899\n", - "# 11.9198\t13.146\t14.7215\t15.8642\t17.4288\t16.394\t16.8238\t16.1095\t16.4297\t16.6331\t16.3163\t16.5093\t17.4981\t18.3429\t19.6555\t19.6263\t19.8435\t19.0534\t19.001\t20.0287\t19.7707\t19.5852\t19.1112\n", - "# ...\n", - "# ...\n", - "# the same with that using kaldi commands: compute-fbank-feats --dither=0.0\n", - "\n", - "mfcc_feat = mfcc(sig,dither=0,useEnergy=True,wintype='povey')\n", - "print(mfcc_feat.shape)\n", - "print(mfcc_feat)\n", - "\n", - "# the computed mfcc coefficents of english.wav with dimension [110,13]\n", - "# [ 17.1337\t-23.3651\t-7.41751\t-7.73686\t-21.3682\t-8.93884\t-3.70843\t4.68346\t-16.0676\t12.782\t-7.24054\t8.25089\t10.7292\n", - "# 17.1692\t-23.3028\t-5.61872\t-4.0075\t-23.287\t-20.6101\t-5.51584\t-6.15273\t-14.4333\t8.13052\t-0.0345329\t2.06274\t-0.564298\n", - "# ...\n", - "# ...\n", - "# the same with that using kaldi commands: compute-mfcc-feats --dither=0.0" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "id": "sporting-school", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(184, 80)\n", - "[[-10.17703627 -10.71732606 -15.46954014 ... -10.54623152 -11.89742148\n", - " -12.98770428]\n", - " [ -9.75040771 -10.47634331 -14.48575413 ... -9.55710616 -10.43602673\n", - " -11.95581463]\n", - " [-10.52510987 -10.79804975 -13.46475161 ... -10.34309947 -11.10146239\n", - " -12.83273051]\n", - " ...\n", - " [-10.64944197 -10.90767335 -14.05640404 ... -10.57860915 -11.7909807\n", - " -12.03825021]\n", - " [-10.8169558 -11.11491806 -12.88781116 ... -10.57004889 -11.19985048\n", - " -13.10154358]\n", - " [-14.32084168 -13.03106051 -13.03675699 ... -10.82919465 -11.17177892\n", - " -12.63434434]]\n", - "(184, 13)\n", - "[[ -6.05665544 -13.30393391 5.85974818 ... -3.42359739 2.82785335\n", - " 8.86862748]\n", - " [ -5.48166707 -13.33671651 4.06537223 ... 8.15970347 2.15934846\n", - " 6.78353115]\n", - " [ -6.97222776 -13.39296404 6.8304843 ... 2.55332563 8.86724453\n", - " -0.05919222]\n", - " ...\n", - " [ -7.21063102 -13.42104892 11.21222354 ... 4.81477718 1.66627505\n", - " 5.59045842]\n", - " [ -7.03684508 -13.92626662 13.06074011 ... -0.46694046 5.56214833\n", - " 12.0785146 ]\n", - " [ -8.86627732 -15.9169855 8.78372271 ... -1.42014277 -3.25768086\n", - " 0.88337965]]\n" - ] - } - ], - "source": [ - "fbank_feat = logfbank(samples._samples,nfilt=80,lowfreq=20,dither=0,wintype='povey')\n", - "print(fbank_feat.shape)\n", - "print(fbank_feat)\n", - "\n", - "mfcc_feat = mfcc(samples._samples,dither=0,useEnergy=True,wintype='povey')\n", - "print(mfcc_feat.shape)\n", - "print(mfcc_feat)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "restricted-license", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "specialized-threat", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/espnet_dataloader.ipynb b/.notebook/espnet_dataloader.ipynb deleted file mode 100644 index 1bfc13e3c..000000000 --- a/.notebook/espnet_dataloader.ipynb +++ /dev/null @@ -1,1541 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 147, - "id": "extensive-venice", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/\n" - ] - }, - { - "data": { - "text/plain": [ - "'/'" - ] - }, - "execution_count": 147, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "%cd ..\n", - "%pwd" - ] - }, - { - "cell_type": "code", - "execution_count": 148, - "id": "correct-window", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "manifest.dev\t manifest.test-clean\t manifest.train\r\n", - "manifest.dev.raw manifest.test-clean.raw manifest.train.raw\r\n" - ] - } - ], - "source": [ - "!ls /workspace/zhanghui/DeepSpeech-2.x/examples/librispeech/s2/data/" - ] - }, - { - "cell_type": "code", - "execution_count": 149, - "id": "exceptional-cheese", - "metadata": {}, - "outputs": [], - "source": [ - "dev_data='/workspace/zhanghui/DeepSpeech-2.x/examples/librispeech/s2/data/manifest.dev'" - ] - }, - { - "cell_type": "code", - "execution_count": 150, - "id": "extraordinary-orleans", - "metadata": {}, - "outputs": [], - "source": [ - "from deepspeech.frontend.utility import read_manifest" - ] - }, - { - "cell_type": "code", - "execution_count": 151, - "id": "returning-lighter", - "metadata": {}, - "outputs": [], - "source": [ - "dev_json = read_manifest(dev_data)" - ] - }, - { - "cell_type": "code", - "execution_count": 152, - "id": "western-founder", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'input': [{'feat': '/workspace/zhanghui/asr/espnet/egs/librispeech/asr1/dump/dev/deltafalse/feats.1.ark:16',\n", - " 'name': 'input1',\n", - " 'shape': [1063, 83]}],\n", - " 'output': [{'name': 'target1',\n", - " 'shape': [41, 5002],\n", - " 'text': 'AS I APPROACHED THE CITY I HEARD BELLS RINGING AND A '\n", - " 'LITTLE LATER I FOUND THE STREETS ASTIR WITH THRONGS OF '\n", - " 'WELL DRESSED PEOPLE IN FAMILY GROUPS WENDING THEIR WAY '\n", - " 'HITHER AND THITHER',\n", - " 'token': '▁AS ▁I ▁APPROACHED ▁THE ▁CITY ▁I ▁HEARD ▁BELL S ▁RING '\n", - " 'ING ▁AND ▁A ▁LITTLE ▁LATER ▁I ▁FOUND ▁THE ▁STREETS ▁AS '\n", - " 'T IR ▁WITH ▁THRONG S ▁OF ▁WELL ▁DRESSED ▁PEOPLE ▁IN '\n", - " '▁FAMILY ▁GROUP S ▁WE ND ING ▁THEIR ▁WAY ▁HITHER ▁AND '\n", - " '▁THITHER',\n", - " 'tokenid': '713 2458 676 4502 1155 2458 2351 849 389 3831 206 627 '\n", - " '482 2812 2728 2458 2104 4502 4316 713 404 212 4925 '\n", - " '4549 389 3204 4861 1677 3339 2495 1950 2279 389 4845 '\n", - " '302 206 4504 4843 2394 627 4526'}],\n", - " 'utt': '116-288045-0000',\n", - " 'utt2spk': '116-288045'}\n", - "5542\n", - "\n" - ] - } - ], - "source": [ - "from pprint import pprint\n", - "pprint(dev_json[0])\n", - "print(len(dev_json))\n", - "print(type(dev_json))" - ] - }, - { - "cell_type": "code", - "execution_count": 97, - "id": "motivated-receptor", - "metadata": {}, - "outputs": [], - "source": [ - "# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.\n", - "#\n", - "# Licensed under the Apache License, Version 2.0 (the \"License\");\n", - "# you may not use this file except in compliance with the License.\n", - "# You may obtain a copy of the License at\n", - "#\n", - "# http://www.apache.org/licenses/LICENSE-2.0\n", - "#\n", - "# Unless required by applicable law or agreed to in writing, software\n", - "# distributed under the License is distributed on an \"AS IS\" BASIS,\n", - "# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n", - "# See the License for the specific language governing permissions and\n", - "# limitations under the License.\n", - "import itertools\n", - "\n", - "import numpy as np\n", - "\n", - "from deepspeech.utils.log import Log\n", - "\n", - "__all__ = [\"make_batchset\"]\n", - "\n", - "logger = Log(__name__).getlog()\n", - "\n", - "\n", - "def batchfy_by_seq(\n", - " sorted_data,\n", - " batch_size,\n", - " max_length_in,\n", - " max_length_out,\n", - " min_batch_size=1,\n", - " shortest_first=False,\n", - " ikey=\"input\",\n", - " iaxis=0,\n", - " okey=\"output\",\n", - " oaxis=0, ):\n", - " \"\"\"Make batch set from json dictionary\n", - "\n", - " :param List[(str, Dict[str, Any])] sorted_data: dictionary loaded from data.json\n", - " :param int batch_size: batch size\n", - " :param int max_length_in: maximum length of input to decide adaptive batch size\n", - " :param int max_length_out: maximum length of output to decide adaptive batch size\n", - " :param int min_batch_size: mininum batch size (for multi-gpu)\n", - " :param bool shortest_first: Sort from batch with shortest samples\n", - " to longest if true, otherwise reverse\n", - " :param str ikey: key to access input\n", - " (for ASR ikey=\"input\", for TTS, MT ikey=\"output\".)\n", - " :param int iaxis: dimension to access input\n", - " (for ASR, TTS iaxis=0, for MT iaxis=\"1\".)\n", - " :param str okey: key to access output\n", - " (for ASR, MT okey=\"output\". for TTS okey=\"input\".)\n", - " :param int oaxis: dimension to access output\n", - " (for ASR, TTS, MT oaxis=0, reserved for future research, -1 means all axis.)\n", - " :return: List[List[Tuple[str, dict]]] list of batches\n", - " \"\"\"\n", - " if batch_size <= 0:\n", - " raise ValueError(f\"Invalid batch_size={batch_size}\")\n", - "\n", - " # check #utts is more than min_batch_size\n", - " if len(sorted_data) < min_batch_size:\n", - " raise ValueError(\n", - " f\"#utts({len(sorted_data)}) is less than min_batch_size({min_batch_size}).\"\n", - " )\n", - "\n", - " # make list of minibatches\n", - " minibatches = []\n", - " start = 0\n", - " while True:\n", - " _, info = sorted_data[start]\n", - " ilen = int(info[ikey][iaxis][\"shape\"][0])\n", - " olen = (int(info[okey][oaxis][\"shape\"][0]) if oaxis >= 0 else\n", - " max(map(lambda x: int(x[\"shape\"][0]), info[okey])))\n", - " factor = max(int(ilen / max_length_in), int(olen / max_length_out))\n", - " # change batchsize depending on the input and output length\n", - " # if ilen = 1000 and max_length_in = 800\n", - " # then b = batchsize / 2\n", - " # and max(min_batches, .) avoids batchsize = 0\n", - " bs = max(min_batch_size, int(batch_size / (1 + factor)))\n", - " end = min(len(sorted_data), start + bs)\n", - " minibatch = sorted_data[start:end]\n", - " if shortest_first:\n", - " minibatch.reverse()\n", - "\n", - " # check each batch is more than minimum batchsize\n", - " if len(minibatch) < min_batch_size:\n", - " mod = min_batch_size - len(minibatch) % min_batch_size\n", - " additional_minibatch = [\n", - " sorted_data[i] for i in np.random.randint(0, start, mod)\n", - " ]\n", - " if shortest_first:\n", - " additional_minibatch.reverse()\n", - " minibatch.extend(additional_minibatch)\n", - " minibatches.append(minibatch)\n", - "\n", - " if end == len(sorted_data):\n", - " break\n", - " start = end\n", - "\n", - " # batch: List[List[Tuple[str, dict]]]\n", - " return minibatches\n", - "\n", - "\n", - "def batchfy_by_bin(\n", - " sorted_data,\n", - " batch_bins,\n", - " num_batches=0,\n", - " min_batch_size=1,\n", - " shortest_first=False,\n", - " ikey=\"input\",\n", - " okey=\"output\", ):\n", - " \"\"\"Make variably sized batch set, which maximizes\n", - "\n", - " the number of bins up to `batch_bins`.\n", - "\n", - " :param List[(str, Dict[str, Any])] sorted_data: dictionary loaded from data.json\n", - " :param int batch_bins: Maximum frames of a batch\n", - " :param int num_batches: # number of batches to use (for debug)\n", - " :param int min_batch_size: minimum batch size (for multi-gpu)\n", - " :param int test: Return only every `test` batches\n", - " :param bool shortest_first: Sort from batch with shortest samples\n", - " to longest if true, otherwise reverse\n", - "\n", - " :param str ikey: key to access input (for ASR ikey=\"input\", for TTS ikey=\"output\".)\n", - " :param str okey: key to access output (for ASR okey=\"output\". for TTS okey=\"input\".)\n", - "\n", - " :return: List[Tuple[str, Dict[str, List[Dict[str, Any]]]] list of batches\n", - " \"\"\"\n", - " if batch_bins <= 0:\n", - " raise ValueError(f\"invalid batch_bins={batch_bins}\")\n", - " length = len(sorted_data)\n", - " idim = int(sorted_data[0][1][ikey][0][\"shape\"][1])\n", - " odim = int(sorted_data[0][1][okey][0][\"shape\"][1])\n", - " logger.info(\"# utts: \" + str(len(sorted_data)))\n", - " minibatches = []\n", - " start = 0\n", - " n = 0\n", - " while True:\n", - " # Dynamic batch size depending on size of samples\n", - " b = 0\n", - " next_size = 0\n", - " max_olen = 0\n", - " while next_size < batch_bins and (start + b) < length:\n", - " ilen = int(sorted_data[start + b][1][ikey][0][\"shape\"][0]) * idim\n", - " olen = int(sorted_data[start + b][1][okey][0][\"shape\"][0]) * odim\n", - " if olen > max_olen:\n", - " max_olen = olen\n", - " next_size = (max_olen + ilen) * (b + 1)\n", - " if next_size <= batch_bins:\n", - " b += 1\n", - " elif next_size == 0:\n", - " raise ValueError(\n", - " f\"Can't fit one sample in batch_bins ({batch_bins}): \"\n", - " f\"Please increase the value\")\n", - " end = min(length, start + max(min_batch_size, b))\n", - " batch = sorted_data[start:end]\n", - " if shortest_first:\n", - " batch.reverse()\n", - " minibatches.append(batch)\n", - " # Check for min_batch_size and fixes the batches if needed\n", - " i = -1\n", - " while len(minibatches[i]) < min_batch_size:\n", - " missing = min_batch_size - len(minibatches[i])\n", - " if -i == len(minibatches):\n", - " minibatches[i + 1].extend(minibatches[i])\n", - " minibatches = minibatches[1:]\n", - " break\n", - " else:\n", - " minibatches[i].extend(minibatches[i - 1][:missing])\n", - " minibatches[i - 1] = minibatches[i - 1][missing:]\n", - " i -= 1\n", - " if end == length:\n", - " break\n", - " start = end\n", - " n += 1\n", - " if num_batches > 0:\n", - " minibatches = minibatches[:num_batches]\n", - " lengths = [len(x) for x in minibatches]\n", - " logger.info(\n", - " str(len(minibatches)) + \" batches containing from \" + str(min(lengths))\n", - " + \" to \" + str(max(lengths)) + \" samples \" + \"(avg \" + str(\n", - " int(np.mean(lengths))) + \" samples).\")\n", - " return minibatches\n", - "\n", - "\n", - "def batchfy_by_frame(\n", - " sorted_data,\n", - " max_frames_in,\n", - " max_frames_out,\n", - " max_frames_inout,\n", - " num_batches=0,\n", - " min_batch_size=1,\n", - " shortest_first=False,\n", - " ikey=\"input\",\n", - " okey=\"output\", ):\n", - " \"\"\"Make variable batch set, which maximizes the number of frames to max_batch_frame.\n", - "\n", - " :param List[(str, Dict[str, Any])] sorteddata: dictionary loaded from data.json\n", - " :param int max_frames_in: Maximum input frames of a batch\n", - " :param int max_frames_out: Maximum output frames of a batch\n", - " :param int max_frames_inout: Maximum input+output frames of a batch\n", - " :param int num_batches: # number of batches to use (for debug)\n", - " :param int min_batch_size: minimum batch size (for multi-gpu)\n", - " :param int test: Return only every `test` batches\n", - " :param bool shortest_first: Sort from batch with shortest samples\n", - " to longest if true, otherwise reverse\n", - "\n", - " :param str ikey: key to access input (for ASR ikey=\"input\", for TTS ikey=\"output\".)\n", - " :param str okey: key to access output (for ASR okey=\"output\". for TTS okey=\"input\".)\n", - "\n", - " :return: List[Tuple[str, Dict[str, List[Dict[str, Any]]]] list of batches\n", - " \"\"\"\n", - " if max_frames_in <= 0 and max_frames_out <= 0 and max_frames_inout <= 0:\n", - " raise ValueError(\n", - " \"At least, one of `--batch-frames-in`, `--batch-frames-out` or \"\n", - " \"`--batch-frames-inout` should be > 0\")\n", - " length = len(sorted_data)\n", - " minibatches = []\n", - " start = 0\n", - " end = 0\n", - " while end != length:\n", - " # Dynamic batch size depending on size of samples\n", - " b = 0\n", - " max_olen = 0\n", - " max_ilen = 0\n", - " while (start + b) < length:\n", - " ilen = int(sorted_data[start + b][1][ikey][0][\"shape\"][0])\n", - " if ilen > max_frames_in and max_frames_in != 0:\n", - " raise ValueError(\n", - " f\"Can't fit one sample in --batch-frames-in ({max_frames_in}): \"\n", - " f\"Please increase the value\")\n", - " olen = int(sorted_data[start + b][1][okey][0][\"shape\"][0])\n", - " if olen > max_frames_out and max_frames_out != 0:\n", - " raise ValueError(\n", - " f\"Can't fit one sample in --batch-frames-out ({max_frames_out}): \"\n", - " f\"Please increase the value\")\n", - " if ilen + olen > max_frames_inout and max_frames_inout != 0:\n", - " raise ValueError(\n", - " f\"Can't fit one sample in --batch-frames-out ({max_frames_inout}): \"\n", - " f\"Please increase the value\")\n", - " max_olen = max(max_olen, olen)\n", - " max_ilen = max(max_ilen, ilen)\n", - " in_ok = max_ilen * (b + 1) <= max_frames_in or max_frames_in == 0\n", - " out_ok = max_olen * (b + 1) <= max_frames_out or max_frames_out == 0\n", - " inout_ok = (max_ilen + max_olen) * (\n", - " b + 1) <= max_frames_inout or max_frames_inout == 0\n", - " if in_ok and out_ok and inout_ok:\n", - " # add more seq in the minibatch\n", - " b += 1\n", - " else:\n", - " # no more seq in the minibatch\n", - " break\n", - " end = min(length, start + b)\n", - " batch = sorted_data[start:end]\n", - " if shortest_first:\n", - " batch.reverse()\n", - " minibatches.append(batch)\n", - " # Check for min_batch_size and fixes the batches if needed\n", - " i = -1\n", - " while len(minibatches[i]) < min_batch_size:\n", - " missing = min_batch_size - len(minibatches[i])\n", - " if -i == len(minibatches):\n", - " minibatches[i + 1].extend(minibatches[i])\n", - " minibatches = minibatches[1:]\n", - " break\n", - " else:\n", - " minibatches[i].extend(minibatches[i - 1][:missing])\n", - " minibatches[i - 1] = minibatches[i - 1][missing:]\n", - " i -= 1\n", - " start = end\n", - " if num_batches > 0:\n", - " minibatches = minibatches[:num_batches]\n", - " lengths = [len(x) for x in minibatches]\n", - " logger.info(\n", - " str(len(minibatches)) + \" batches containing from \" + str(min(lengths))\n", - " + \" to \" + str(max(lengths)) + \" samples\" + \"(avg \" + str(\n", - " int(np.mean(lengths))) + \" samples).\")\n", - "\n", - " return minibatches\n", - "\n", - "\n", - "def batchfy_shuffle(data, batch_size, min_batch_size, num_batches,\n", - " shortest_first):\n", - " import random\n", - "\n", - " logger.info(\"use shuffled batch.\")\n", - " sorted_data = random.sample(data.items(), len(data.items()))\n", - " logger.info(\"# utts: \" + str(len(sorted_data)))\n", - " # make list of minibatches\n", - " minibatches = []\n", - " start = 0\n", - " while True:\n", - " end = min(len(sorted_data), start + batch_size)\n", - " # check each batch is more than minimum batchsize\n", - " minibatch = sorted_data[start:end]\n", - " if shortest_first:\n", - " minibatch.reverse()\n", - " if len(minibatch) < min_batch_size:\n", - " mod = min_batch_size - len(minibatch) % min_batch_size\n", - " additional_minibatch = [\n", - " sorted_data[i] for i in np.random.randint(0, start, mod)\n", - " ]\n", - " if shortest_first:\n", - " additional_minibatch.reverse()\n", - " minibatch.extend(additional_minibatch)\n", - " minibatches.append(minibatch)\n", - " if end == len(sorted_data):\n", - " break\n", - " start = end\n", - "\n", - " # for debugging\n", - " if num_batches > 0:\n", - " minibatches = minibatches[:num_batches]\n", - " logger.info(\"# minibatches: \" + str(len(minibatches)))\n", - " return minibatches\n", - "\n", - "\n", - "BATCH_COUNT_CHOICES = [\"auto\", \"seq\", \"bin\", \"frame\"]\n", - "BATCH_SORT_KEY_CHOICES = [\"input\", \"output\", \"shuffle\"]\n", - "\n", - "\n", - "def make_batchset(\n", - " data,\n", - " batch_size=0,\n", - " max_length_in=float(\"inf\"),\n", - " max_length_out=float(\"inf\"),\n", - " num_batches=0,\n", - " min_batch_size=1,\n", - " shortest_first=False,\n", - " batch_sort_key=\"input\",\n", - " count=\"auto\",\n", - " batch_bins=0,\n", - " batch_frames_in=0,\n", - " batch_frames_out=0,\n", - " batch_frames_inout=0,\n", - " iaxis=0,\n", - " oaxis=0, ):\n", - " \"\"\"Make batch set from json dictionary\n", - "\n", - " if utts have \"category\" value,\n", - "\n", - " >>> data = {'utt1': {'category': 'A', 'input': ...},\n", - " ... 'utt2': {'category': 'B', 'input': ...},\n", - " ... 'utt3': {'category': 'B', 'input': ...},\n", - " ... 'utt4': {'category': 'A', 'input': ...}}\n", - " >>> make_batchset(data, batchsize=2, ...)\n", - " [[('utt1', ...), ('utt4', ...)], [('utt2', ...), ('utt3': ...)]]\n", - "\n", - " Note that if any utts doesn't have \"category\",\n", - " perform as same as batchfy_by_{count}\n", - "\n", - " :param List[Dict[str, Any]] data: dictionary loaded from data.json\n", - " :param int batch_size: maximum number of sequences in a minibatch.\n", - " :param int batch_bins: maximum number of bins (frames x dim) in a minibatch.\n", - " :param int batch_frames_in: maximum number of input frames in a minibatch.\n", - " :param int batch_frames_out: maximum number of output frames in a minibatch.\n", - " :param int batch_frames_out: maximum number of input+output frames in a minibatch.\n", - " :param str count: strategy to count maximum size of batch.\n", - " For choices, see espnet.asr.batchfy.BATCH_COUNT_CHOICES\n", - "\n", - " :param int max_length_in: maximum length of input to decide adaptive batch size\n", - " :param int max_length_out: maximum length of output to decide adaptive batch size\n", - " :param int num_batches: # number of batches to use (for debug)\n", - " :param int min_batch_size: minimum batch size (for multi-gpu)\n", - " :param bool shortest_first: Sort from batch with shortest samples\n", - " to longest if true, otherwise reverse\n", - " :param str batch_sort_key: how to sort data before creating minibatches\n", - " [\"input\", \"output\", \"shuffle\"]\n", - " :param bool swap_io: if True, use \"input\" as output and \"output\"\n", - " as input in `data` dict\n", - " :param bool mt: if True, use 0-axis of \"output\" as output and 1-axis of \"output\"\n", - " as input in `data` dict\n", - " :param int iaxis: dimension to access input\n", - " (for ASR, TTS iaxis=0, for MT iaxis=\"1\".)\n", - " :param int oaxis: dimension to access output (for ASR, TTS, MT oaxis=0,\n", - " reserved for future research, -1 means all axis.)\n", - " :return: List[List[Tuple[str, dict]]] list of batches\n", - " \"\"\"\n", - "\n", - " # check args\n", - " if count not in BATCH_COUNT_CHOICES:\n", - " raise ValueError(\n", - " f\"arg 'count' ({count}) should be one of {BATCH_COUNT_CHOICES}\")\n", - " if batch_sort_key not in BATCH_SORT_KEY_CHOICES:\n", - " raise ValueError(f\"arg 'batch_sort_key' ({batch_sort_key}) should be \"\n", - " f\"one of {BATCH_SORT_KEY_CHOICES}\")\n", - "\n", - " ikey = \"input\"\n", - " okey = \"output\"\n", - " batch_sort_axis = 0 # index of list \n", - "\n", - " if count == \"auto\":\n", - " if batch_size != 0:\n", - " count = \"seq\"\n", - " elif batch_bins != 0:\n", - " count = \"bin\"\n", - " elif batch_frames_in != 0 or batch_frames_out != 0 or batch_frames_inout != 0:\n", - " count = \"frame\"\n", - " else:\n", - " raise ValueError(\n", - " f\"cannot detect `count` manually set one of {BATCH_COUNT_CHOICES}\"\n", - " )\n", - " logger.info(f\"count is auto detected as {count}\")\n", - "\n", - " if count != \"seq\" and batch_sort_key == \"shuffle\":\n", - " raise ValueError(\n", - " \"batch_sort_key=shuffle is only available if batch_count=seq\")\n", - "\n", - " category2data = {} # Dict[str, dict]\n", - " for v in data:\n", - " k = v['utt']\n", - " category2data.setdefault(v.get(\"category\"), {})[k] = v\n", - "\n", - " batches_list = [] # List[List[List[Tuple[str, dict]]]]\n", - " for d in category2data.values():\n", - " if batch_sort_key == \"shuffle\":\n", - " batches = batchfy_shuffle(d, batch_size, min_batch_size,\n", - " num_batches, shortest_first)\n", - " batches_list.append(batches)\n", - " continue\n", - "\n", - " # sort it by input lengths (long to short)\n", - " sorted_data = sorted(\n", - " d.items(),\n", - " key=lambda data: int(data[1][batch_sort_key][batch_sort_axis][\"shape\"][0]),\n", - " reverse=not shortest_first, )\n", - " logger.info(\"# utts: \" + str(len(sorted_data)))\n", - " \n", - " if count == \"seq\":\n", - " batches = batchfy_by_seq(\n", - " sorted_data,\n", - " batch_size=batch_size,\n", - " max_length_in=max_length_in,\n", - " max_length_out=max_length_out,\n", - " min_batch_size=min_batch_size,\n", - " shortest_first=shortest_first,\n", - " ikey=ikey,\n", - " iaxis=iaxis,\n", - " okey=okey,\n", - " oaxis=oaxis, )\n", - " if count == \"bin\":\n", - " batches = batchfy_by_bin(\n", - " sorted_data,\n", - " batch_bins=batch_bins,\n", - " min_batch_size=min_batch_size,\n", - " shortest_first=shortest_first,\n", - " ikey=ikey,\n", - " okey=okey, )\n", - " if count == \"frame\":\n", - " batches = batchfy_by_frame(\n", - " sorted_data,\n", - " max_frames_in=batch_frames_in,\n", - " max_frames_out=batch_frames_out,\n", - " max_frames_inout=batch_frames_inout,\n", - " min_batch_size=min_batch_size,\n", - " shortest_first=shortest_first,\n", - " ikey=ikey,\n", - " okey=okey, )\n", - " batches_list.append(batches)\n", - "\n", - " if len(batches_list) == 1:\n", - " batches = batches_list[0]\n", - " else:\n", - " # Concat list. This way is faster than \"sum(batch_list, [])\"\n", - " batches = list(itertools.chain(*batches_list))\n", - "\n", - " # for debugging\n", - " if num_batches > 0:\n", - " batches = batches[:num_batches]\n", - " logger.info(\"# minibatches: \" + str(len(batches)))\n", - "\n", - " # batch: List[List[Tuple[str, dict]]]\n", - " return batches\n" - ] - }, - { - "cell_type": "code", - "execution_count": 98, - "id": "acquired-hurricane", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[INFO 2021/08/18 06:57:10 1445365138.py:284] use shuffled batch.\n", - "[INFO 2021/08/18 06:57:10 1445365138.py:286] # utts: 5542\n", - "[INFO 2021/08/18 06:57:10 1445365138.py:468] # minibatches: 555\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "555\n" - ] - } - ], - "source": [ - "batch_size=10\n", - "maxlen_in=300\n", - "maxlen_out=400\n", - "minibatches=0 # for debug\n", - "min_batch_size=2\n", - "use_sortagrad=True\n", - "batch_count='seq'\n", - "batch_bins=0\n", - "batch_frames_in=3000\n", - "batch_frames_out=0\n", - "batch_frames_inout=0\n", - " \n", - "dev_data = make_batchset(\n", - " dev_json,\n", - " batch_size,\n", - " maxlen_in,\n", - " maxlen_out,\n", - " minibatches, # for debug\n", - " min_batch_size=min_batch_size,\n", - " shortest_first=use_sortagrad,\n", - " batch_sort_key=\"shuffle\",\n", - " count=batch_count,\n", - " batch_bins=batch_bins,\n", - " batch_frames_in=batch_frames_in,\n", - " batch_frames_out=batch_frames_out,\n", - " batch_frames_inout=batch_frames_inout,\n", - " iaxis=0,\n", - " oaxis=0, )\n", - "print(len(dev_data))\n", - "# for i in range(len(dev_data)):\n", - "# print(len(dev_data[i]))\n" - ] - }, - { - "cell_type": "code", - "execution_count": 99, - "id": "warming-malpractice", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Requirement already satisfied: kaldiio in ./DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (2.17.2)\n", - "Requirement already satisfied: numpy in ./DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/numpy-1.21.2-py3.7-linux-x86_64.egg (from kaldiio) (1.21.2)\n", - "\u001b[33mWARNING: You are using pip version 20.3.3; however, version 21.2.4 is available.\n", - "You should consider upgrading via the '/workspace/zhanghui/DeepSpeech-2.x/tools/venv/bin/python -m pip install --upgrade pip' command.\u001b[0m\n" - ] - } - ], - "source": [ - "!pip install kaldiio" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "equipped-subject", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 100, - "id": "superb-methodology", - "metadata": {}, - "outputs": [], - "source": [ - "from collections import OrderedDict\n", - "import kaldiio\n", - "\n", - "class LoadInputsAndTargets():\n", - " \"\"\"Create a mini-batch from a list of dicts\n", - "\n", - " >>> batch = [('utt1',\n", - " ... dict(input=[dict(feat='some.ark:123',\n", - " ... filetype='mat',\n", - " ... name='input1',\n", - " ... shape=[100, 80])],\n", - " ... output=[dict(tokenid='1 2 3 4',\n", - " ... name='target1',\n", - " ... shape=[4, 31])]]))\n", - " >>> l = LoadInputsAndTargets()\n", - " >>> feat, target = l(batch)\n", - "\n", - " :param: str mode: Specify the task mode, \"asr\" or \"tts\"\n", - " :param: str preprocess_conf: The path of a json file for pre-processing\n", - " :param: bool load_input: If False, not to load the input data\n", - " :param: bool load_output: If False, not to load the output data\n", - " :param: bool sort_in_input_length: Sort the mini-batch in descending order\n", - " of the input length\n", - " :param: bool use_speaker_embedding: Used for tts mode only\n", - " :param: bool use_second_target: Used for tts mode only\n", - " :param: dict preprocess_args: Set some optional arguments for preprocessing\n", - " :param: Optional[dict] preprocess_args: Used for tts mode only\n", - " \"\"\"\n", - "\n", - " def __init__(\n", - " self,\n", - " mode=\"asr\",\n", - " preprocess_conf=None,\n", - " load_input=True,\n", - " load_output=True,\n", - " sort_in_input_length=True,\n", - " preprocess_args=None,\n", - " keep_all_data_on_mem=False, ):\n", - " self._loaders = {}\n", - "\n", - " if mode not in [\"asr\"]:\n", - " raise ValueError(\"Only asr are allowed: mode={}\".format(mode))\n", - "\n", - " if preprocess_conf is not None:\n", - " self.preprocessing = AugmentationPipeline(preprocess_conf)\n", - " logging.warning(\n", - " \"[Experimental feature] Some preprocessing will be done \"\n", - " \"for the mini-batch creation using {}\".format(\n", - " self.preprocessing))\n", - " else:\n", - " # If conf doesn't exist, this function don't touch anything.\n", - " self.preprocessing = None\n", - "\n", - " self.mode = mode\n", - " self.load_output = load_output\n", - " self.load_input = load_input\n", - " self.sort_in_input_length = sort_in_input_length\n", - " if preprocess_args is None:\n", - " self.preprocess_args = {}\n", - " else:\n", - " assert isinstance(preprocess_args, dict), type(preprocess_args)\n", - " self.preprocess_args = dict(preprocess_args)\n", - "\n", - " self.keep_all_data_on_mem = keep_all_data_on_mem\n", - "\n", - " def __call__(self, batch, return_uttid=False):\n", - " \"\"\"Function to load inputs and targets from list of dicts\n", - "\n", - " :param List[Tuple[str, dict]] batch: list of dict which is subset of\n", - " loaded data.json\n", - " :param bool return_uttid: return utterance ID information for visualization\n", - " :return: list of input token id sequences [(L_1), (L_2), ..., (L_B)]\n", - " :return: list of input feature sequences\n", - " [(T_1, D), (T_2, D), ..., (T_B, D)]\n", - " :rtype: list of float ndarray\n", - " :return: list of target token id sequences [(L_1), (L_2), ..., (L_B)]\n", - " :rtype: list of int ndarray\n", - "\n", - " \"\"\"\n", - " x_feats_dict = OrderedDict() # OrderedDict[str, List[np.ndarray]]\n", - " y_feats_dict = OrderedDict() # OrderedDict[str, List[np.ndarray]]\n", - " uttid_list = [] # List[str]\n", - "\n", - " for uttid, info in batch:\n", - " uttid_list.append(uttid)\n", - "\n", - " if self.load_input:\n", - " # Note(kamo): This for-loop is for multiple inputs\n", - " for idx, inp in enumerate(info[\"input\"]):\n", - " # {\"input\":\n", - " # [{\"feat\": \"some/path.h5:F01_050C0101_PED_REAL\",\n", - " # \"filetype\": \"hdf5\",\n", - " # \"name\": \"input1\", ...}], ...}\n", - " x = self._get_from_loader(\n", - " filepath=inp[\"feat\"],\n", - " filetype=inp.get(\"filetype\", \"mat\"))\n", - " x_feats_dict.setdefault(inp[\"name\"], []).append(x)\n", - "\n", - " if self.load_output:\n", - " for idx, inp in enumerate(info[\"output\"]):\n", - " if \"tokenid\" in inp:\n", - " # ======= Legacy format for output =======\n", - " # {\"output\": [{\"tokenid\": \"1 2 3 4\"}])\n", - " x = np.fromiter(\n", - " map(int, inp[\"tokenid\"].split()), dtype=np.int64)\n", - " else:\n", - " # ======= New format =======\n", - " # {\"input\":\n", - " # [{\"feat\": \"some/path.h5:F01_050C0101_PED_REAL\",\n", - " # \"filetype\": \"hdf5\",\n", - " # \"name\": \"target1\", ...}], ...}\n", - " x = self._get_from_loader(\n", - " filepath=inp[\"feat\"],\n", - " filetype=inp.get(\"filetype\", \"mat\"))\n", - "\n", - " y_feats_dict.setdefault(inp[\"name\"], []).append(x)\n", - "\n", - " if self.mode == \"asr\":\n", - " return_batch, uttid_list = self._create_batch_asr(\n", - " x_feats_dict, y_feats_dict, uttid_list)\n", - " else:\n", - " raise NotImplementedError(self.mode)\n", - "\n", - " if self.preprocessing is not None:\n", - " # Apply pre-processing all input features\n", - " for x_name in return_batch.keys():\n", - " if x_name.startswith(\"input\"):\n", - " return_batch[x_name] = self.preprocessing(\n", - " return_batch[x_name], uttid_list,\n", - " **self.preprocess_args)\n", - "\n", - " if return_uttid:\n", - " return tuple(return_batch.values()), uttid_list\n", - "\n", - " # Doesn't return the names now.\n", - " return tuple(return_batch.values())\n", - "\n", - " def _create_batch_asr(self, x_feats_dict, y_feats_dict, uttid_list):\n", - " \"\"\"Create a OrderedDict for the mini-batch\n", - "\n", - " :param OrderedDict x_feats_dict:\n", - " e.g. {\"input1\": [ndarray, ndarray, ...],\n", - " \"input2\": [ndarray, ndarray, ...]}\n", - " :param OrderedDict y_feats_dict:\n", - " e.g. {\"target1\": [ndarray, ndarray, ...],\n", - " \"target2\": [ndarray, ndarray, ...]}\n", - " :param: List[str] uttid_list:\n", - " Give uttid_list to sort in the same order as the mini-batch\n", - " :return: batch, uttid_list\n", - " :rtype: Tuple[OrderedDict, List[str]]\n", - " \"\"\"\n", - " # handle single-input and multi-input (paralell) asr mode\n", - " xs = list(x_feats_dict.values())\n", - "\n", - " if self.load_output:\n", - " ys = list(y_feats_dict.values())\n", - " assert len(xs[0]) == len(ys[0]), (len(xs[0]), len(ys[0]))\n", - "\n", - " # get index of non-zero length samples\n", - " nonzero_idx = list(\n", - " filter(lambda i: len(ys[0][i]) > 0, range(len(ys[0]))))\n", - " for n in range(1, len(y_feats_dict)):\n", - " nonzero_idx = filter(lambda i: len(ys[n][i]) > 0, nonzero_idx)\n", - " else:\n", - " # Note(kamo): Be careful not to make nonzero_idx to a generator\n", - " nonzero_idx = list(range(len(xs[0])))\n", - "\n", - " if self.sort_in_input_length:\n", - " # sort in input lengths based on the first input\n", - " nonzero_sorted_idx = sorted(\n", - " nonzero_idx, key=lambda i: -len(xs[0][i]))\n", - " else:\n", - " nonzero_sorted_idx = nonzero_idx\n", - "\n", - " if len(nonzero_sorted_idx) != len(xs[0]):\n", - " logging.warning(\n", - " \"Target sequences include empty tokenid (batch {} -> {}).\".\n", - " format(len(xs[0]), len(nonzero_sorted_idx)))\n", - "\n", - " # remove zero-length samples\n", - " xs = [[x[i] for i in nonzero_sorted_idx] for x in xs]\n", - " uttid_list = [uttid_list[i] for i in nonzero_sorted_idx]\n", - "\n", - " x_names = list(x_feats_dict.keys())\n", - " if self.load_output:\n", - " ys = [[y[i] for i in nonzero_sorted_idx] for y in ys]\n", - " y_names = list(y_feats_dict.keys())\n", - "\n", - " # Keeping x_name and y_name, e.g. input1, for future extension\n", - " return_batch = OrderedDict([\n", - " * [(x_name, x) for x_name, x in zip(x_names, xs)],\n", - " * [(y_name, y) for y_name, y in zip(y_names, ys)],\n", - " ])\n", - " else:\n", - " return_batch = OrderedDict(\n", - " [(x_name, x) for x_name, x in zip(x_names, xs)])\n", - " return return_batch, uttid_list\n", - "\n", - " def _get_from_loader(self, filepath, filetype):\n", - " \"\"\"Return ndarray\n", - "\n", - " In order to make the fds to be opened only at the first referring,\n", - " the loader are stored in self._loaders\n", - "\n", - " >>> ndarray = loader.get_from_loader(\n", - " ... 'some/path.h5:F01_050C0101_PED_REAL', filetype='hdf5')\n", - "\n", - " :param: str filepath:\n", - " :param: str filetype:\n", - " :return:\n", - " :rtype: np.ndarray\n", - " \"\"\"\n", - " if filetype == \"hdf5\":\n", - " # e.g.\n", - " # {\"input\": [{\"feat\": \"some/path.h5:F01_050C0101_PED_REAL\",\n", - " # \"filetype\": \"hdf5\",\n", - " # -> filepath = \"some/path.h5\", key = \"F01_050C0101_PED_REAL\"\n", - " filepath, key = filepath.split(\":\", 1)\n", - "\n", - " loader = self._loaders.get(filepath)\n", - " if loader is None:\n", - " # To avoid disk access, create loader only for the first time\n", - " loader = h5py.File(filepath, \"r\")\n", - " self._loaders[filepath] = loader\n", - " return loader[key][()]\n", - " elif filetype == \"sound.hdf5\":\n", - " # e.g.\n", - " # {\"input\": [{\"feat\": \"some/path.h5:F01_050C0101_PED_REAL\",\n", - " # \"filetype\": \"sound.hdf5\",\n", - " # -> filepath = \"some/path.h5\", key = \"F01_050C0101_PED_REAL\"\n", - " filepath, key = filepath.split(\":\", 1)\n", - "\n", - " loader = self._loaders.get(filepath)\n", - " if loader is None:\n", - " # To avoid disk access, create loader only for the first time\n", - " loader = SoundHDF5File(filepath, \"r\", dtype=\"int16\")\n", - " self._loaders[filepath] = loader\n", - " array, rate = loader[key]\n", - " return array\n", - " elif filetype == \"sound\":\n", - " # e.g.\n", - " # {\"input\": [{\"feat\": \"some/path.wav\",\n", - " # \"filetype\": \"sound\"},\n", - " # Assume PCM16\n", - " if not self.keep_all_data_on_mem:\n", - " array, _ = soundfile.read(filepath, dtype=\"int16\")\n", - " return array\n", - " if filepath not in self._loaders:\n", - " array, _ = soundfile.read(filepath, dtype=\"int16\")\n", - " self._loaders[filepath] = array\n", - " return self._loaders[filepath]\n", - " elif filetype == \"npz\":\n", - " # e.g.\n", - " # {\"input\": [{\"feat\": \"some/path.npz:F01_050C0101_PED_REAL\",\n", - " # \"filetype\": \"npz\",\n", - " filepath, key = filepath.split(\":\", 1)\n", - "\n", - " loader = self._loaders.get(filepath)\n", - " if loader is None:\n", - " # To avoid disk access, create loader only for the first time\n", - " loader = np.load(filepath)\n", - " self._loaders[filepath] = loader\n", - " return loader[key]\n", - " elif filetype == \"npy\":\n", - " # e.g.\n", - " # {\"input\": [{\"feat\": \"some/path.npy\",\n", - " # \"filetype\": \"npy\"},\n", - " if not self.keep_all_data_on_mem:\n", - " return np.load(filepath)\n", - " if filepath not in self._loaders:\n", - " self._loaders[filepath] = np.load(filepath)\n", - " return self._loaders[filepath]\n", - " elif filetype in [\"mat\", \"vec\"]:\n", - " # e.g.\n", - " # {\"input\": [{\"feat\": \"some/path.ark:123\",\n", - " # \"filetype\": \"mat\"}]},\n", - " # In this case, \"123\" indicates the starting points of the matrix\n", - " # load_mat can load both matrix and vector\n", - " if not self.keep_all_data_on_mem:\n", - " return kaldiio.load_mat(filepath)\n", - " if filepath not in self._loaders:\n", - " self._loaders[filepath] = kaldiio.load_mat(filepath)\n", - " return self._loaders[filepath]\n", - " elif filetype == \"scp\":\n", - " # e.g.\n", - " # {\"input\": [{\"feat\": \"some/path.scp:F01_050C0101_PED_REAL\",\n", - " # \"filetype\": \"scp\",\n", - " filepath, key = filepath.split(\":\", 1)\n", - " loader = self._loaders.get(filepath)\n", - " if loader is None:\n", - " # To avoid disk access, create loader only for the first time\n", - " loader = kaldiio.load_scp(filepath)\n", - " self._loaders[filepath] = loader\n", - " return loader[key]\n", - " else:\n", - " raise NotImplementedError(\n", - " \"Not supported: loader_type={}\".format(filetype))\n" - ] - }, - { - "cell_type": "code", - "execution_count": 101, - "id": "monthly-muscle", - "metadata": {}, - "outputs": [], - "source": [ - "preprocess_conf=None\n", - "train_mode=True\n", - "load = LoadInputsAndTargets(\n", - " mode=\"asr\",\n", - " load_output=True,\n", - " preprocess_conf=preprocess_conf,\n", - " preprocess_args={\"train\":\n", - " train_mode}, # Switch the mode of preprocessing\n", - " )" - ] - }, - { - "cell_type": "code", - "execution_count": 102, - "id": "periodic-senegal", - "metadata": {}, - "outputs": [], - "source": [ - "res = load(dev_data[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 103, - "id": "502d3f4d", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "2\n", - "10\n", - "10\n", - "(1174, 83) float32\n", - "(29,) int64\n" - ] - } - ], - "source": [ - "print(type(res))\n", - "print(len(res))\n", - "print(len(res[0]))\n", - "print(len(res[1]))\n", - "print(res[0][0].shape, res[0][0].dtype)\n", - "print(res[1][0].shape, res[1][0].dtype)\n", - "# Tuple[Tuple[np.ndarry], Tuple[np.ndarry]]\n", - "# 2[10, 10]\n", - "# feats, labels" - ] - }, - { - "cell_type": "code", - "execution_count": 104, - "id": "humanitarian-container", - "metadata": {}, - "outputs": [], - "source": [ - "(inputs, outputs), utts = load(dev_data[0], return_uttid=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 105, - "id": "heard-prize", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['4572-112383-0005', '6313-66125-0015', '251-137823-0022', '2277-149896-0030', '652-130726-0032', '5895-34615-0013', '1462-170138-0002', '777-126732-0008', '3660-172182-0021', '2277-149896-0027'] 10\n", - "10\n" - ] - } - ], - "source": [ - "print(utts, len(utts))\n", - "print(len(inputs))" - ] - }, - { - "cell_type": "code", - "execution_count": 106, - "id": "convinced-animation", - "metadata": {}, - "outputs": [], - "source": [ - "import paddle\n", - "from deepspeech.io.utility import pad_list\n", - "class CustomConverter():\n", - " \"\"\"Custom batch converter.\n", - "\n", - " Args:\n", - " subsampling_factor (int): The subsampling factor.\n", - " dtype (paddle.dtype): Data type to convert.\n", - "\n", - " \"\"\"\n", - "\n", - " def __init__(self, subsampling_factor=1, dtype=np.float32):\n", - " \"\"\"Construct a CustomConverter object.\"\"\"\n", - " self.subsampling_factor = subsampling_factor\n", - " self.ignore_id = -1\n", - " self.dtype = dtype\n", - "\n", - " def __call__(self, batch):\n", - " \"\"\"Transform a batch and send it to a device.\n", - "\n", - " Args:\n", - " batch (list): The batch to transform.\n", - "\n", - " Returns:\n", - " tuple(paddle.Tensor, paddle.Tensor, paddle.Tensor)\n", - "\n", - " \"\"\"\n", - " # batch should be located in list\n", - " assert len(batch) == 1\n", - " (xs, ys), utts = batch[0]\n", - "\n", - " # perform subsampling\n", - " if self.subsampling_factor > 1:\n", - " xs = [x[::self.subsampling_factor, :] for x in xs]\n", - "\n", - " # get batch of lengths of input sequences\n", - " ilens = np.array([x.shape[0] for x in xs])\n", - "\n", - " # perform padding and convert to tensor\n", - " # currently only support real number\n", - " if xs[0].dtype.kind == \"c\":\n", - " xs_pad_real = pad_list([x.real for x in xs], 0).astype(self.dtype)\n", - " xs_pad_imag = pad_list([x.imag for x in xs], 0).astype(self.dtype)\n", - " # Note(kamo):\n", - " # {'real': ..., 'imag': ...} will be changed to ComplexTensor in E2E.\n", - " # Don't create ComplexTensor and give it E2E here\n", - " # because torch.nn.DataParellel can't handle it.\n", - " xs_pad = {\"real\": xs_pad_real, \"imag\": xs_pad_imag}\n", - " else:\n", - " xs_pad = pad_list(xs, 0).astype(self.dtype)\n", - "\n", - " # NOTE: this is for multi-output (e.g., speech translation)\n", - " ys_pad = pad_list(\n", - " [np.array(y[0][:]) if isinstance(y, tuple) else y for y in ys],\n", - " self.ignore_id)\n", - "\n", - " olens = np.array([y[0].shape[0] if isinstance(y, tuple) else y.shape[0] for y in ys])\n", - " return utts, xs_pad, ilens, ys_pad, olens" - ] - }, - { - "cell_type": "code", - "execution_count": 107, - "id": "0b92ade5", - "metadata": {}, - "outputs": [], - "source": [ - "convert = CustomConverter()" - ] - }, - { - "cell_type": "code", - "execution_count": 108, - "id": "8dbd847c", - "metadata": {}, - "outputs": [], - "source": [ - "utts, xs, ilen, ys, olen = convert([load(dev_data[0], return_uttid=True)])" - ] - }, - { - "cell_type": "code", - "execution_count": 109, - "id": "31c085f4", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['4572-112383-0005', '6313-66125-0015', '251-137823-0022', '2277-149896-0030', '652-130726-0032', '5895-34615-0013', '1462-170138-0002', '777-126732-0008', '3660-172182-0021', '2277-149896-0027']\n", - "(10, 1174, 83)\n", - "(10,)\n", - "[1174 821 716 628 597 473 463 441 419 358]\n", - "(10, 32)\n", - "[[4502 2404 4223 3204 4502 587 1018 3861 2932 713 2458 2916 253 4508\n", - " 627 1395 713 4504 957 2761 209 2967 3173 3918 2598 4100 3 2816\n", - " 4990 -1 -1 -1]\n", - " [1005 451 210 278 3411 206 482 2307 573 4502 3848 4577 4273 2388\n", - " 4444 89 4919 278 1264 4501 2371 3 139 113 2603 4962 3158 3325\n", - " 4577 814 4587 1422]\n", - " [2345 4144 2291 200 713 2345 532 999 2458 3076 545 2458 4832 3038\n", - " 4499 482 2812 1260 3080 -1 -1 -1 -1 -1 -1 -1 -1 -1\n", - " -1 -1 -1 -1]\n", - " [2345 832 4577 4920 4501 2345 2298 1236 381 288 389 101 2495 4172\n", - " 4843 3233 3245 4501 2345 2298 3987 4502 3023 3353 2345 1361 1635 2603\n", - " 4723 2371 -1 -1]\n", - " [4502 4207 432 3204 4502 2396 125 935 433 2598 483 18 327 2\n", - " 389 627 4512 2340 713 482 1981 4525 4031 269 2030 1340 101 2495\n", - " 4013 4844 -1 -1]\n", - " [4502 4892 3204 1892 3780 389 482 2774 3013 89 192 2495 4502 3475\n", - " 389 66 370 343 404 -1 -1 -1 -1 -1 -1 -1 -1 -1\n", - " -1 -1 -1 -1]\n", - " [2458 2314 4577 2340 2863 1254 303 269 2 389 932 2079 4577 299\n", - " 195 3233 4508 2 89 814 3144 1091 3204 3250 2193 3414 -1 -1\n", - " -1 -1 -1 -1]\n", - " [2391 1785 443 78 39 4962 2340 829 599 4593 278 4681 202 407\n", - " 269 194 182 4577 482 4308 -1 -1 -1 -1 -1 -1 -1 -1\n", - " -1 -1 -1 -1]\n", - " [ 627 4873 2175 363 202 404 1018 4577 4502 3412 4875 2286 107 122\n", - " 4832 2345 3896 89 2368 -1 -1 -1 -1 -1 -1 -1 -1 -1\n", - " -1 -1 -1 -1]\n", - " [ 481 174 474 599 1881 3252 2842 742 4502 2545 107 88 3204 4525\n", - " 4517 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1\n", - " -1 -1 -1 -1]]\n", - "[29 32 19 30 30 19 26 20 19 15]\n", - "float32\n", - "int64\n", - "int64\n", - "int64\n" - ] - } - ], - "source": [ - "print(utts)\n", - "print(xs.shape)\n", - "print(ilen.shape)\n", - "print(ilen)\n", - "print(ys.shape)\n", - "print(ys)\n", - "print(olen)\n", - "print(xs.dtype)\n", - "print(ilen.dtype)\n", - "print(ys.dtype)\n", - "print(olen.dtype)" - ] - }, - { - "cell_type": "code", - "execution_count": 110, - "id": "72e9ba60", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 230, - "id": "64593e5f", - "metadata": {}, - "outputs": [], - "source": [ - "\n", - "from paddle.io import DataLoader\n", - "\n", - "from deepspeech.frontend.utility import read_manifest\n", - "from deepspeech.io.batchfy import make_batchset\n", - "from deepspeech.io.converter import CustomConverter\n", - "from deepspeech.io.dataset import TransformDataset\n", - "from deepspeech.io.reader import LoadInputsAndTargets\n", - "from deepspeech.utils.log import Log\n", - "\n", - "\n", - "logger = Log(__name__).getlog()\n", - "\n", - "\n", - "class BatchDataLoader():\n", - " def __init__(self,\n", - " json_file: str,\n", - " train_mode: bool,\n", - " sortagrad: bool=False,\n", - " batch_size: int=0,\n", - " maxlen_in: float=float('inf'),\n", - " maxlen_out: float=float('inf'),\n", - " minibatches: int=0,\n", - " mini_batch_size: int=1,\n", - " batch_count: str='auto',\n", - " batch_bins: int=0,\n", - " batch_frames_in: int=0,\n", - " batch_frames_out: int=0,\n", - " batch_frames_inout: int=0,\n", - " preprocess_conf=None,\n", - " n_iter_processes: int=1,\n", - " subsampling_factor: int=1,\n", - " num_encs: int=1):\n", - " self.json_file = json_file\n", - " self.train_mode = train_mode\n", - " self.use_sortagrad = sortagrad == -1 or sortagrad > 0\n", - " self.batch_size = batch_size\n", - " self.maxlen_in = maxlen_in\n", - " self.maxlen_out = maxlen_out\n", - " self.batch_count = batch_count\n", - " self.batch_bins = batch_bins\n", - " self.batch_frames_in = batch_frames_in\n", - " self.batch_frames_out = batch_frames_out\n", - " self.batch_frames_inout = batch_frames_inout\n", - " self.subsampling_factor = subsampling_factor\n", - " self.num_encs = num_encs\n", - " self.preprocess_conf = preprocess_conf\n", - " self.n_iter_processes = n_iter_processes\n", - "\n", - " \n", - " # read json data\n", - " self.data_json = read_manifest(json_file)\n", - "\n", - " # make minibatch list (variable length)\n", - " self.minibaches = make_batchset(\n", - " self.data_json,\n", - " batch_size,\n", - " maxlen_in,\n", - " maxlen_out,\n", - " minibatches, # for debug\n", - " min_batch_size=mini_batch_size,\n", - " shortest_first=self.use_sortagrad,\n", - " count=batch_count,\n", - " batch_bins=batch_bins,\n", - " batch_frames_in=batch_frames_in,\n", - " batch_frames_out=batch_frames_out,\n", - " batch_frames_inout=batch_frames_inout,\n", - " iaxis=0,\n", - " oaxis=0, )\n", - "\n", - " # data reader\n", - " self.reader = LoadInputsAndTargets(\n", - " mode=\"asr\",\n", - " load_output=True,\n", - " preprocess_conf=preprocess_conf,\n", - " preprocess_args={\"train\":\n", - " train_mode}, # Switch the mode of preprocessing\n", - " )\n", - "\n", - " # Setup a converter\n", - " if num_encs == 1:\n", - " self.converter = CustomConverter(\n", - " subsampling_factor=subsampling_factor, dtype=np.float32)\n", - " else:\n", - " assert NotImplementedError(\"not impl CustomConverterMulEnc.\")\n", - "\n", - " # hack to make batchsize argument as 1\n", - " # actual bathsize is included in a list\n", - " # default collate function converts numpy array to pytorch tensor\n", - " # we used an empty collate function instead which returns list\n", - " self.dataset = TransformDataset(self.minibaches, \n", - " lambda data: self.converter([self.reader(data, return_uttid=True)]))\n", - " self.dataloader = DataLoader(\n", - " dataset=self.dataset,\n", - " batch_size=1,\n", - " shuffle=not use_sortagrad if train_mode else False,\n", - " collate_fn=lambda x: x[0],\n", - " num_workers=n_iter_processes, )\n", - "\n", - " def __repr__(self):\n", - " echo = f\"<{self.__class__.__module__}.{self.__class__.__name__} object at {hex(id(self))}> \"\n", - " echo += f\"train_mode: {self.train_mode}, \"\n", - " echo += f\"sortagrad: {self.use_sortagrad}, \"\n", - " echo += f\"batch_size: {self.batch_size}, \"\n", - " echo += f\"maxlen_in: {self.maxlen_in}, \"\n", - " echo += f\"maxlen_out: {self.maxlen_out}, \"\n", - " echo += f\"batch_count: {self.batch_count}, \"\n", - " echo += f\"batch_bins: {self.batch_bins}, \"\n", - " echo += f\"batch_frames_in: {self.batch_frames_in}, \"\n", - " echo += f\"batch_frames_out: {self.batch_frames_out}, \"\n", - " echo += f\"batch_frames_inout: {self.batch_frames_inout}, \"\n", - " echo += f\"subsampling_factor: {self.subsampling_factor}, \"\n", - " echo += f\"num_encs: {self.num_encs}, \"\n", - " echo += f\"num_workers: {self.n_iter_processes}, \"\n", - " echo += f\"file: {self.json_file}\"\n", - " return echo\n", - " \n", - " def __len__(self):\n", - " return len(self.dataloader)\n", - " \n", - " def __iter__(self):\n", - " return self.dataloader.__iter__()\n", - " \n", - " def __call__(self):\n", - " return self.__iter__()\n" - ] - }, - { - "cell_type": "code", - "execution_count": 231, - "id": "fcea3fd0", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[INFO 2021/08/18 07:42:23 batchfy.py:399] count is auto detected as seq\n", - "[INFO 2021/08/18 07:42:23 batchfy.py:423] # utts: 5542\n", - "[INFO 2021/08/18 07:42:23 batchfy.py:466] # minibatches: 278\n" - ] - } - ], - "source": [ - "train = BatchDataLoader(dev_data, True, batch_size=20)" - ] - }, - { - "cell_type": "code", - "execution_count": 232, - "id": "e2a2c9a8", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "278\n", - "['__call__', '__class__', '__delattr__', '__dict__', '__dir__', '__doc__', '__eq__', '__format__', '__ge__', '__getattribute__', '__gt__', '__hash__', '__init__', '__init_subclass__', '__iter__', '__le__', '__len__', '__lt__', '__module__', '__ne__', '__new__', '__reduce__', '__reduce_ex__', '__repr__', '__setattr__', '__sizeof__', '__str__', '__subclasshook__', '__weakref__', 'auto_collate_batch', 'batch_sampler', 'batch_size', 'collate_fn', 'dataset', 'dataset_kind', 'feed_list', 'from_dataset', 'from_generator', 'num_workers', 'pin_memory', 'places', 'return_list', 'timeout', 'use_buffer_reader', 'use_shared_memory', 'worker_init_fn']\n", - "<__main__.BatchDataLoader object at 0x7fdddba35470> train_mode: True, sortagrad: False, batch_size: 20, maxlen_in: inf, maxlen_out: inf, batch_count: auto, batch_bins: 0, batch_frames_in: 0, batch_frames_out: 0, batch_frames_inout: 0, subsampling_factor: 1, num_encs: 1, num_workers: 1, file: /workspace/zhanghui/DeepSpeech-2.x/examples/librispeech/s2/data/manifest.dev\n", - "278\n" - ] - } - ], - "source": [ - "print(len(train.dataloader))\n", - "print(dir(train.dataloader))\n", - "print(train)\n", - "print(len(train))" - ] - }, - { - "cell_type": "code", - "execution_count": 220, - "id": "a5ba7d6e", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['7601-101619-0003', '1255-138279-0000', '1272-128104-0004', '6123-59150-0027', '2078-142845-0025', '7850-73752-0018', '4570-24733-0004', '2506-169427-0002', '7601-101619-0004', '3170-137482-0000', '6267-53049-0019', '4570-14911-0009', '174-168635-0018', '7601-291468-0004', '3576-138058-0022', '1919-142785-0007', '6467-62797-0007', '4153-61735-0005', '1686-142278-0003', '2506-169427-0000']\n", - "Tensor(shape=[20, 2961, 83], dtype=float32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[[-1.99415934, -1.80315673, -1.88801885, ..., 0.86933994, -0.59853148, 0.02596200],\n", - " [-1.95346808, -1.84891188, -2.17492867, ..., 0.83640492, -0.59853148, -0.11333394],\n", - " [-2.27899861, -2.21495342, -2.58480024, ..., 0.91874266, -0.59853148, -0.31453922],\n", - " ...,\n", - " [-2.64522028, -2.35221887, -2.91269732, ..., 1.48994756, -0.16100442, 0.36646330],\n", - " [-2.40107250, -2.21495342, -2.37986445, ..., 1.44072104, -0.13220564, 0.12656468],\n", - " [-2.15692472, -1.89466715, -2.25690317, ..., 1.31273174, -0.09620714, -0.15202725]],\n", - "\n", - " [[-0.28859532, -0.29033494, -0.86576819, ..., 1.37753224, -0.30570769, 0.25806731],\n", - " [-0.20149794, -0.17814466, -0.59891301, ..., 1.35188794, -0.30570769, -0.02964944],\n", - " [-0.34947991, -0.33597648, -0.96877253, ..., 1.38394332, -0.30570769, -0.38376236],\n", - " ...,\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[-0.44914246, -0.33902276, -0.78237975, ..., 1.38218808, 0.29214793, -0.16815147],\n", - " [-0.55490732, -0.41596055, -0.84425378, ..., 1.34530187, 0.25002354, -0.04004869],\n", - " [-0.83694696, -0.62112784, -1.07112527, ..., 1.19160914, 0.20789915, 0.37984371],\n", - " ...,\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " ...,\n", - "\n", - " [[-1.24343657, -0.94188881, -1.41092563, ..., 0.96716309, 0.60345763, 0.15360183],\n", - " [-1.19466043, -0.80585432, -0.49723154, ..., 1.06735480, 0.60345763, 0.14511746],\n", - " [-0.94079566, -0.59330046, -0.40948665, ..., 0.82244170, 0.55614340, 0.28086722],\n", - " ...,\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[ 0.21757117, 0.11361472, -0.33262897, ..., 0.76338506, -0.10711290, -0.57754958],\n", - " [-1.00205481, -0.61152041, -0.47124696, ..., 1.11897349, -0.10711290, 0.24931324],\n", - " [-1.03929281, -1.20336759, -1.16433656, ..., 0.88888687, -0.10711290, -0.04115745],\n", - " ...,\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[-1.25289667, -1.05046368, -0.82881606, ..., 1.23991334, 0.61702502, 0.05275881],\n", - " [-1.19659519, -0.78677225, -0.80407262, ..., 1.27644968, 0.61702502, -0.35079369],\n", - " [-1.49687004, -1.01750231, -0.82881606, ..., 1.29106426, 0.65006059, 0.17958963],\n", - " ...,\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [ 0. , 0. , 0. , ..., 0. , 0. , 0. ]]])\n", - "Tensor(shape=[20], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [2961, 2948, 2938, 2907, 2904, 2838, 2832, 2819, 2815, 2797, 2775, 2710, 2709, 2696, 2688, 2661, 2616, 2595, 2589, 2576])\n", - "Tensor(shape=[20, 133], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[3098, 1595, 389, ..., -1 , -1 , -1 ],\n", - " [2603, 4832, 482, ..., -1 , -1 , -1 ],\n", - " [2796, 303, 269, ..., -1 , -1 , -1 ],\n", - " ...,\n", - " [3218, 3673, 206, ..., -1 , -1 , -1 ],\n", - " [2371, 4832, 4031, ..., -1 , -1 , -1 ],\n", - " [2570, 2433, 4285, ..., -1 , -1 , -1 ]])\n", - "Tensor(shape=[20], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [80 , 83 , 102, 133, 82 , 102, 71 , 91 , 68 , 81 , 86 , 67 , 71 , 95 , 65 , 88 , 97 , 98 , 89 , 72 ])\n" - ] - } - ], - "source": [ - "for batch in train:\n", - " utts, xs, ilens, ys, olens = batch\n", - " print(utts)\n", - " print(xs)\n", - " print(ilens)\n", - " print(ys)\n", - " print(olens)\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "3c974a1e", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/hack_api_test.ipynb b/.notebook/hack_api_test.ipynb deleted file mode 100644 index f653084e6..000000000 --- a/.notebook/hack_api_test.ipynb +++ /dev/null @@ -1,290 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "breeding-haven", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/home/ssd5/zhanghui/DeepSpeech2.x\n" - ] - }, - { - "data": { - "text/plain": [ - "'/home/ssd5/zhanghui/DeepSpeech2.x'" - ] - }, - "execution_count": 1, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "%cd ..\n", - "%pwd" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "appropriate-theta", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "LICENSE deepspeech examples\t\t requirements.txt tools\r\n", - "README.md docs\t libsndfile-1.0.28\t setup.sh\t utils\r\n", - "README_cn.md env.sh\t libsndfile-1.0.28.tar.gz tests\r\n" - ] - } - ], - "source": [ - "!ls" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "entire-bloom", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/ssd5/zhanghui/DeepSpeech2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:26: 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " def convert_to_list(value, n, name, dtype=np.int):\n", - "WARNING:root:override cat of paddle.Tensor if exists or register, remove this when fixed!\n", - "WARNING:root:register user masked_fill to paddle.Tensor, remove this when fixed!\n", - "WARNING:root:register user masked_fill_ to paddle.Tensor, remove this when fixed!\n", - "WARNING:root:register user repeat to paddle.Tensor, remove this when fixed!\n", - "WARNING:root:register user glu to paddle.nn.functional, remove this when fixed!\n", - "WARNING:root:register user GLU to paddle.nn, remove this when fixed!\n", - "WARNING:root:register user ConstantPad2d to paddle.nn, remove this when fixed!\n", - "WARNING:root:override ctc_loss of paddle.nn.functional if exists, remove this when fixed!\n" - ] - } - ], - "source": [ - "from deepspeech.modules import loss" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "governmental-aircraft", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/ssd5/zhanghui/DeepSpeech2.x/tools/venv/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - } - ], - "source": [ - "import paddle" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "proprietary-disaster", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - " paddle.VarBase>" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "paddle.Tensor.repeat" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "first-diagram", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "paddle.Tensor.size" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "intelligent-david", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "paddle.Tensor.cat" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "id": "bronze-tenant", - "metadata": {}, - "outputs": [], - "source": [ - "a = paddle.to_tensor([12,32, 10, 12, 123,32 ,4])" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "id": "balanced-bearing", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "7" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "a.size" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "id": "extreme-republic", - "metadata": {}, - "outputs": [], - "source": [ - "def size(xs: paddle.Tensor, *args: int) -> paddle.Tensor:\n", - " nargs = len(args)\n", - " assert (nargs <= 1)\n", - " s = paddle.shape(xs)\n", - " if nargs == 1:\n", - " return s[args[0]]\n", - " else:\n", - " return s\n", - "\n", - "# logger.warn(\n", - "# \"override size of paddle.Tensor if exists or register, remove this when fixed!\"\n", - "# )\n", - "paddle.Tensor.size = size" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "id": "gross-addiction", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Tensor(shape=[1], dtype=int32, place=CPUPlace, stop_gradient=True,\n", - " [7])" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "a.size(0)\n", - "a.size()" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "id": "adverse-dining", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Tensor(shape=[1], dtype=int32, place=CPUPlace, stop_gradient=True,\n", - " [7])" - ] - }, - "execution_count": 22, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "a.size()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "popular-potato", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/jit_infer.ipynb b/.notebook/jit_infer.ipynb deleted file mode 100644 index 20882c1ae..000000000 --- a/.notebook/jit_infer.ipynb +++ /dev/null @@ -1,672 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/home/ssd5/zhanghui/DeepSpeech2.x\n" - ] - }, - { - "data": { - "text/plain": [ - "'/home/ssd5/zhanghui/DeepSpeech2.x'" - ] - }, - "execution_count": 1, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "%cd ..\n", - "%pwd" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2021-03-26 02:55:23,873 - WARNING - register user softmax to paddle, remove this when fixed!\n", - "2021-03-26 02:55:23,875 - WARNING - register user sigmoid to paddle, remove this when fixed!\n", - "2021-03-26 02:55:23,875 - WARNING - register user relu to paddle, remove this when fixed!\n", - "2021-03-26 02:55:23,876 - WARNING - override cat of paddle if exists or register, remove this when fixed!\n", - "2021-03-26 02:55:23,876 - WARNING - override eq of paddle.Tensor if exists or register, remove this when fixed!\n", - "2021-03-26 02:55:23,877 - WARNING - override contiguous of paddle.Tensor if exists or register, remove this when fixed!\n", - "2021-03-26 02:55:23,877 - WARNING - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed!\n", - "2021-03-26 02:55:23,878 - WARNING - register user view to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,878 - WARNING - register user view_as to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,879 - WARNING - register user masked_fill to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,880 - WARNING - register user masked_fill_ to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,880 - WARNING - register user fill_ to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,881 - WARNING - register user repeat to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,881 - WARNING - register user softmax to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,882 - WARNING - register user sigmoid to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,882 - WARNING - register user relu to paddle.Tensor, remove this when fixed!\n", - "2021-03-26 02:55:23,883 - WARNING - register user glu to paddle.nn.functional, remove this when fixed!\n", - "2021-03-26 02:55:23,883 - WARNING - override ctc_loss of paddle.nn.functional if exists, remove this when fixed!\n", - "2021-03-26 02:55:23,884 - WARNING - register user GLU to paddle.nn, remove this when fixed!\n", - "2021-03-26 02:55:23,884 - WARNING - register user ConstantPad2d to paddle.nn, remove this when fixed!\n", - "/home/ssd5/zhanghui/DeepSpeech2.x/tools/venv-dev/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.\n", - " from numpy.dual import register_func\n", - "/home/ssd5/zhanghui/DeepSpeech2.x/tools/venv-dev/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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int,\n" - ] - } - ], - "source": [ - "import os\n", - "import time\n", - "import argparse\n", - "import functools\n", - "import paddle\n", - "import numpy as np\n", - "\n", - "from deepspeech.utils.socket_server import warm_up_test\n", - "from deepspeech.utils.socket_server import AsrTCPServer\n", - "from deepspeech.utils.socket_server import AsrRequestHandler\n", - "\n", - "from deepspeech.training.cli import default_argument_parser\n", - "from deepspeech.exps.deepspeech2.config import get_cfg_defaults\n", - "\n", - "from deepspeech.frontend.utility import read_manifest\n", - "from deepspeech.utils.utility import add_arguments, print_arguments\n", - "\n", - "from deepspeech.models.ds2 import DeepSpeech2Model\n", - "from deepspeech.models.ds2 import DeepSpeech2InferModel\n", - "from deepspeech.io.dataset import ManifestDataset\n", - "\n", - "\n", - "\n", - "from deepspeech.frontend.utility import read_manifest" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "0.0.0\n", - "e7f28d6c0db54eb9c9a810612300b526687e56a6\n", - "OFF\n", - "OFF\n", - "commit: e7f28d6c0db54eb9c9a810612300b526687e56a6\n", - "None\n", - "0\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/ssd5/zhanghui/DeepSpeech2.x/tools/venv-dev/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - }, - { - "data": { - "text/plain": [ - "['__builtins__',\n", - " '__cached__',\n", - " '__doc__',\n", - " '__file__',\n", - " '__loader__',\n", - " '__name__',\n", - " '__package__',\n", - " '__spec__',\n", - " 'commit',\n", - " 'full_version',\n", - " 'istaged',\n", - " 'major',\n", - " 'minor',\n", - " 'mkl',\n", - " 'patch',\n", - " 'rc',\n", - " 'show',\n", - " 'with_mkl']" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "print(paddle.__version__)\n", - "print(paddle.version.commit)\n", - "print(paddle.version.with_mkl)\n", - "print(paddle.version.mkl())\n", - "print(paddle.version.show())\n", - "print(paddle.version.patch)\n", - "dir(paddle.version)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "data:\n", - " augmentation_config: conf/augmentation.config\n", - " batch_size: 64\n", - " dev_manifest: data/manifest.dev\n", - " keep_transcription_text: False\n", - " max_duration: 27.0\n", - " max_freq: None\n", - " mean_std_filepath: examples/aishell/data/mean_std.npz\n", - " min_duration: 0.0\n", - " n_fft: None\n", - " num_workers: 0\n", - " random_seed: 0\n", - " shuffle_method: batch_shuffle\n", - " sortagrad: True\n", - " specgram_type: linear\n", - " stride_ms: 10.0\n", - " target_dB: -20\n", - " target_sample_rate: 16000\n", - " test_manifest: examples/aishell/data/manifest.test\n", - " train_manifest: data/manifest.train\n", - " use_dB_normalization: True\n", - " vocab_filepath: examples/aishell/data/vocab.txt\n", - " window_ms: 20.0\n", - "decoding:\n", - " alpha: 2.6\n", - " batch_size: 128\n", - " beam_size: 300\n", - " beta: 5.0\n", - " cutoff_prob: 0.99\n", - " cutoff_top_n: 40\n", - " decoding_method: ctc_beam_search\n", - " error_rate_type: cer\n", - " lang_model_path: data/lm/zh_giga.no_cna_cmn.prune01244.klm\n", - " num_proc_bsearch: 10\n", - "model:\n", - " num_conv_layers: 2\n", - " num_rnn_layers: 3\n", - " rnn_layer_size: 1024\n", - " share_rnn_weights: False\n", - " use_gru: True\n", - "training:\n", - " global_grad_clip: 5.0\n", - " lr: 0.0005\n", - " lr_decay: 0.83\n", - " n_epoch: 30\n", - " weight_decay: 1e-06\n", - "----------- Configuration Arguments -----------\n", - "checkpoint_path: examples/aishell/ckpt-loss2e-3-0.83-5/checkpoints/step-11725\n", - "config: examples/aishell/conf/deepspeech2.yaml\n", - "device: gpu\n", - "dump_config: None\n", - "export_path: None\n", - "host_ip: localhost\n", - "host_port: 8086\n", - "model_dir: None\n", - "model_file: examples/aishell/jit.model.pdmodel\n", - "nprocs: 1\n", - "opts: ['data.test_manifest', 'examples/aishell/data/manifest.test', 'data.mean_std_filepath', 'examples/aishell/data/mean_std.npz', 'data.vocab_filepath', 'examples/aishell/data/vocab.txt']\n", - "output: None\n", - "params_file: examples/aishell/jit.model.pdiparams\n", - "speech_save_dir: demo_cache\n", - "use_gpu: False\n", - "warmup_manifest: examples/aishell/data/manifest.test\n", - "------------------------------------------------\n" - ] - } - ], - "source": [ - "parser = default_argument_parser()\n", - "add_arg = functools.partial(add_arguments, argparser=parser)\n", - "add_arg('host_ip', str,\n", - " 'localhost',\n", - " \"Server's IP address.\")\n", - "add_arg('host_port', int, 8086, \"Server's IP port.\")\n", - "add_arg('speech_save_dir', str,\n", - " 'demo_cache',\n", - " \"Directory to save demo audios.\")\n", - "add_arg('warmup_manifest', \n", - " str, \n", - " \"examples/aishell/data/manifest.test\", \n", - " \"Filepath of manifest to warm up.\")\n", - "add_arg(\n", - " \"--model_file\",\n", - " type=str,\n", - " default=\"examples/aishell/jit.model.pdmodel\",\n", - " help=\"Model filename, Specify this when your model is a combined model.\"\n", - ")\n", - "add_arg(\n", - " \"--params_file\",\n", - " type=str,\n", - " default=\"examples/aishell/jit.model.pdiparams\",\n", - " help=\n", - " \"Parameter filename, Specify this when your model is a combined model.\"\n", - ")\n", - "add_arg(\n", - " \"--model_dir\",\n", - " type=str,\n", - " default=None,\n", - " help=\n", - " \"Model dir, If you load a non-combined model, specify the directory of the model.\"\n", - ")\n", - "add_arg(\"--use_gpu\",type=bool,default=False, help=\"Whether use gpu.\")\n", - "\n", - "\n", - "args = parser.parse_args(\n", - " \"--checkpoint_path examples/aishell/ckpt-loss2e-3-0.83-5/checkpoints/step-11725 --config examples/aishell/conf/deepspeech2.yaml --opts data.test_manifest examples/aishell/data/manifest.test data.mean_std_filepath examples/aishell/data/mean_std.npz data.vocab_filepath examples/aishell/data/vocab.txt\".split()\n", - ")\n", - "\n", - "\n", - "config = get_cfg_defaults()\n", - "if args.config:\n", - " config.merge_from_file(args.config)\n", - "if args.opts:\n", - " config.merge_from_list(args.opts)\n", - "config.freeze()\n", - "print(config)\n", - "\n", - "args.warmup_manifest = config.data.test_manifest\n", - "\n", - "print_arguments(args)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "dataset = ManifestDataset(\n", - " config.data.test_manifest,\n", - " config.data.unit_type,\n", - " config.data.vocab_filepath,\n", - " config.data.mean_std_filepath,\n", - " augmentation_config=\"{}\",\n", - " max_duration=config.data.max_duration,\n", - " min_duration=config.data.min_duration,\n", - " stride_ms=config.data.stride_ms,\n", - " window_ms=config.data.window_ms,\n", - " n_fft=config.data.n_fft,\n", - " max_freq=config.data.max_freq,\n", - " target_sample_rate=config.data.target_sample_rate,\n", - " specgram_type=config.data.specgram_type,\n", - " feat_dim=config.data.feat_dim,\n", - " delta_delta=config.data.delat_delta,\n", - " use_dB_normalization=config.data.use_dB_normalization,\n", - " target_dB=config.data.target_dB,\n", - " random_seed=config.data.random_seed,\n", - " keep_transcription_text=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2021-03-26 02:55:57,930 - INFO - [checkpoint] Rank 0: loaded model from examples/aishell/ckpt-loss2e-3-0.83-5/checkpoints/step-11725.pdparams\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "layer summary:\n", - "encoder.conv.conv_in.conv.weight|[32, 1, 41, 11]|14432\n", - "encoder.conv.conv_in.bn.weight|[32]|32\n", - "encoder.conv.conv_in.bn.bias|[32]|32\n", - "encoder.conv.conv_in.bn._mean|[32]|32\n", - "encoder.conv.conv_in.bn._variance|[32]|32\n", - "encoder.conv.conv_stack.0.conv.weight|[32, 32, 21, 11]|236544\n", - "encoder.conv.conv_stack.0.bn.weight|[32]|32\n", - "encoder.conv.conv_stack.0.bn.bias|[32]|32\n", - "encoder.conv.conv_stack.0.bn._mean|[32]|32\n", - "encoder.conv.conv_stack.0.bn._variance|[32]|32\n", - "encoder.rnn.rnn_stacks.0.fw_fc.weight|[1312, 3072]|4030464\n", - "encoder.rnn.rnn_stacks.0.fw_bn.weight|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.fw_bn.bias|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.fw_bn._mean|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.fw_bn._variance|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.bw_fc.weight|[1312, 3072]|4030464\n", - "encoder.rnn.rnn_stacks.0.bw_bn.weight|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.bw_bn.bias|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.bw_bn._mean|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.bw_bn._variance|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.fw_cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.0.fw_cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.bw_cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.0.bw_cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.fw_rnn.cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.0.fw_rnn.cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.0.bw_rnn.cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.0.bw_rnn.cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.fw_fc.weight|[2048, 3072]|6291456\n", - "encoder.rnn.rnn_stacks.1.fw_bn.weight|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.fw_bn.bias|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.fw_bn._mean|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.fw_bn._variance|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.bw_fc.weight|[2048, 3072]|6291456\n", - "encoder.rnn.rnn_stacks.1.bw_bn.weight|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.bw_bn.bias|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.bw_bn._mean|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.bw_bn._variance|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.fw_cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.1.fw_cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.bw_cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.1.bw_cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.fw_rnn.cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.1.fw_rnn.cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.1.bw_rnn.cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.1.bw_rnn.cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.fw_fc.weight|[2048, 3072]|6291456\n", - "encoder.rnn.rnn_stacks.2.fw_bn.weight|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.fw_bn.bias|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.fw_bn._mean|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.fw_bn._variance|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.bw_fc.weight|[2048, 3072]|6291456\n", - "encoder.rnn.rnn_stacks.2.bw_bn.weight|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.bw_bn.bias|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.bw_bn._mean|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.bw_bn._variance|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.fw_cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.2.fw_cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.bw_cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.2.bw_cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.fw_rnn.cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.2.fw_rnn.cell.bias_hh|[3072]|3072\n", - "encoder.rnn.rnn_stacks.2.bw_rnn.cell.weight_hh|[3072, 1024]|3145728\n", - "encoder.rnn.rnn_stacks.2.bw_rnn.cell.bias_hh|[3072]|3072\n", - "decoder.ctc_lo.weight|[2048, 4300]|8806400\n", - "decoder.ctc_lo.bias|[4300]|4300\n", - "layer has 66 parameters, 80148012 elements.\n" - ] - } - ], - "source": [ - "model = DeepSpeech2InferModel.from_pretrained(dataset, config,\n", - " args.checkpoint_path)\n", - "model.eval()" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "examples/aishell/jit.model.pdmodel\n", - "examples/aishell/jit.model.pdiparams\n", - "0\n", - "False\n" - ] - } - ], - "source": [ - "\n", - "from paddle.inference import Config\n", - "from paddle.inference import PrecisionType\n", - "from paddle.inference import create_predictor\n", - "\n", - "args.use_gpu=False\n", - "paddle.set_device('cpu')\n", - "\n", - "def init_predictor(args):\n", - " if args.model_dir is not None:\n", - " config = Config(args.model_dir)\n", - " else:\n", - " config = Config(args.model_file, args.params_file)\n", - "\n", - " if args.use_gpu:\n", - " config.enable_use_gpu(memory_pool_init_size_mb=1000, device_id=0)\n", - "# config.enable_tensorrt_engine(precision_mode=PrecisionType.Float32,\n", - "# use_calib_mode=True) # 开启TensorRT预测,精度为fp32,开启int8离线量化\n", - " else:\n", - " # If not specific mkldnn, you can set the blas thread.\n", - " # The thread num should not be greater than the number of cores in the CPU.\n", - " config.set_cpu_math_library_num_threads(1)\n", - " config.enable_mkldnn()\n", - " \n", - " config.enable_memory_optim()\n", - " config.switch_ir_optim(True)\n", - " \n", - " print(config.model_dir())\n", - " print(config.prog_file())\n", - " print(config.params_file())\n", - " print(config.gpu_device_id())\n", - " print(args.use_gpu)\n", - " predictor = create_predictor(config)\n", - " return predictor\n", - "\n", - "def run(predictor, audio, audio_len):\n", - " # copy img data to input tensor\n", - " input_names = predictor.get_input_names()\n", - " for i, name in enumerate(input_names):\n", - " print(\"input:\", i, name)\n", - " \n", - " audio_tensor = predictor.get_input_handle('audio')\n", - " audio_tensor.reshape(audio.shape)\n", - " audio_tensor.copy_from_cpu(audio.copy())\n", - " \n", - " audiolen_tensor = predictor.get_input_handle('audio_len')\n", - " audiolen_tensor.reshape(audio_len.shape)\n", - " audiolen_tensor.copy_from_cpu(audio_len.copy())\n", - "\n", - " output_names = predictor.get_output_names()\n", - " for i, name in enumerate(output_names):\n", - " print(\"output:\", i, name)\n", - "\n", - " # do the inference\n", - " predictor.run()\n", - "\n", - " results = []\n", - " # get out data from output tensor\n", - " output_names = predictor.get_output_names()\n", - " for i, name in enumerate(output_names):\n", - " output_tensor = predictor.get_output_handle(name)\n", - " output_data = output_tensor.copy_to_cpu()\n", - " results.append(output_data)\n", - "\n", - " return results\n", - "\n", - "\n", - "predictor = init_predictor(args)\n", - "\n", - "def file_to_transcript(filename):\n", - " print(filename)\n", - " feature = dataset.process_utterance(filename, \"\")\n", - " audio = np.array([feature[0]]).astype('float32') #[1, D, T]\n", - " audio_len = feature[0].shape[1]\n", - " audio_len = np.array([audio_len]).astype('int64') # [1]\n", - " \n", - " \n", - " i_probs = run(predictor, audio, audio_len)\n", - " print('jit:', i_probs[0], type(i_probs[0]))\n", - " \n", - " audio = paddle.to_tensor(audio)\n", - " audio_len = paddle.to_tensor(audio_len)\n", - " print(audio.shape)\n", - " print(audio_len.shape)\n", - " \n", - " #eouts, eouts_len = model.encoder(audio, audio_len)\n", - " #probs = model.decoder.softmax(eouts)\n", - " probs = model.forward(audio, audio_len)\n", - " print('paddle:', probs.numpy())\n", - " \n", - " flag = np.allclose(i_probs[0], probs.numpy())\n", - " print(flag)\n", - " \n", - " return probs\n", - "\n", - "# result_transcript = model.decode(\n", - "# audio,\n", - "# audio_len,\n", - "# vocab_list=dataset.vocab_list,\n", - "# decoding_method=config.decoding.decoding_method,\n", - "# lang_model_path=config.decoding.lang_model_path,\n", - "# beam_alpha=config.decoding.alpha,\n", - "# beam_beta=config.decoding.beta,\n", - "# beam_size=config.decoding.beam_size,\n", - "# cutoff_prob=config.decoding.cutoff_prob,\n", - "# cutoff_top_n=config.decoding.cutoff_top_n,\n", - "# num_processes=config.decoding.num_proc_bsearch)\n", - "# return result_transcript[0]" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Warm-up Test Case %d: %s 0 /home/ssd5/zhanghui/DeepSpeech2.x/examples/aishell/../dataset/aishell/data_aishell/wav/test/S0764/BAC009S0764W0124.wav\n", - "/home/ssd5/zhanghui/DeepSpeech2.x/examples/aishell/../dataset/aishell/data_aishell/wav/test/S0764/BAC009S0764W0124.wav\n", - "input: 0 audio\n", - "input: 1 audio_len\n", - "output: 0 tmp_75\n", - "jit: [[[8.91786298e-12 4.45648032e-12 3.67572750e-09 ... 8.91767563e-12\n", - " 8.91573707e-12 4.64317296e-08]\n", - " [1.55950222e-15 2.62794089e-14 4.50423509e-12 ... 1.55944271e-15\n", - " 1.55891342e-15 9.99992609e-01]\n", - " [1.24638127e-17 7.61802427e-16 2.93265812e-14 ... 1.24633371e-17\n", - " 1.24587264e-17 1.00000000e+00]\n", - " ...\n", - " [4.37488240e-15 2.43676260e-12 1.98770514e-12 ... 4.37479896e-15\n", - " 4.37354747e-15 1.00000000e+00]\n", - " [3.89334696e-13 1.66754856e-11 1.42900388e-11 ... 3.89329492e-13\n", - " 3.89252270e-13 1.00000000e+00]\n", - " [1.00349985e-10 2.56293708e-10 2.91177582e-10 ... 1.00347876e-10\n", - " 1.00334095e-10 9.99998808e-01]]] \n", - "[1, 161, 522]\n", - "[1]\n", - "paddle: [[[8.91789680e-12 4.45649724e-12 3.67574149e-09 ... 8.91770945e-12\n", - " 8.91577090e-12 4.64319072e-08]\n", - " [1.55950222e-15 2.62794089e-14 4.50423509e-12 ... 1.55944271e-15\n", - " 1.55891342e-15 9.99992609e-01]\n", - " [1.24638599e-17 7.61805339e-16 2.93267472e-14 ... 1.24633842e-17\n", - " 1.24587735e-17 1.00000000e+00]\n", - " ...\n", - " [4.37488240e-15 2.43676737e-12 1.98770514e-12 ... 4.37479896e-15\n", - " 4.37354747e-15 1.00000000e+00]\n", - " [3.89336187e-13 1.66755481e-11 1.42900925e-11 ... 3.89330983e-13\n", - " 3.89253761e-13 1.00000000e+00]\n", - " [1.00349985e-10 2.56293708e-10 2.91177582e-10 ... 1.00347876e-10\n", - " 1.00334095e-10 9.99998808e-01]]]\n", - "False\n" - ] - } - ], - "source": [ - "manifest = read_manifest(args.warmup_manifest)\n", - "\n", - "for idx, sample in enumerate(manifest[:1]):\n", - " print(\"Warm-up Test Case %d: %s\", idx, sample['audio_filepath'])\n", - " start_time = time.time()\n", - " transcript = file_to_transcript(sample['audio_filepath'])\n", - " finish_time = time.time()\n", - "# print(\"Response Time: %f, Transcript: %s\" %\n", - "# (finish_time - start_time, transcript))\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(1, 161, 522) (1,)\n", - "input: 0 audio\n", - "input: 1 audio_len\n", - "output: 0 tmp_75\n", - "jit: [[[8.91789680e-12 4.45649724e-12 3.67574149e-09 ... 8.91770945e-12\n", - " 8.91577090e-12 4.64319072e-08]\n", - " [1.55950222e-15 2.62794089e-14 4.50423509e-12 ... 1.55944271e-15\n", - " 1.55891342e-15 9.99992609e-01]\n", - " [1.24638599e-17 7.61805339e-16 2.93267472e-14 ... 1.24633842e-17\n", - " 1.24587735e-17 1.00000000e+00]\n", - " ...\n", - " [4.37488240e-15 2.43676737e-12 1.98770514e-12 ... 4.37479896e-15\n", - " 4.37354747e-15 1.00000000e+00]\n", - " [3.89336187e-13 1.66755481e-11 1.42900925e-11 ... 3.89330983e-13\n", - " 3.89253761e-13 1.00000000e+00]\n", - " [1.00349985e-10 2.56293708e-10 2.91177582e-10 ... 1.00347876e-10\n", - " 1.00334095e-10 9.99998808e-01]]]\n" - ] - } - ], - "source": [ - "def test(filename):\n", - " feature = dataset.process_utterance(filename, \"\")\n", - " audio = np.array([feature[0]]).astype('float32') #[1, D, T]\n", - " audio_len = feature[0].shape[1]\n", - " audio_len = np.array([audio_len]).astype('int64') # [1]\n", - " \n", - " print(audio.shape, audio_len.shape)\n", - "\n", - " i_probs = run(predictor, audio, audio_len)\n", - " print('jit:', i_probs[0])\n", - " return i_probs\n", - " \n", - "probs = test(sample['audio_filepath'])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/.notebook/layer_norm_test.ipynb b/.notebook/layer_norm_test.ipynb deleted file mode 100644 index eac3566ff..000000000 --- a/.notebook/layer_norm_test.ipynb +++ /dev/null @@ -1,229 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 32, - "id": "academic-surname", - "metadata": {}, - "outputs": [], - "source": [ - "import paddle\n", - "from paddle import nn" - ] - }, - { - "cell_type": "code", - "execution_count": 33, - "id": "fundamental-treasure", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Parameter containing:\n", - "Tensor(shape=[256], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.])\n", - "Parameter containing:\n", - "Tensor(shape=[256], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.])\n" - ] - } - ], - "source": [ - "L = nn.LayerNorm(256, epsilon=1e-12)\n", - "for p in L.parameters():\n", - " print(p)" - ] - }, - { - "cell_type": "code", - "execution_count": 34, - "id": "consolidated-elephant", - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n" - ] - }, - { - "cell_type": "code", - "execution_count": 46, - "id": "moderate-noise", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "float64\n" - ] - } - ], - "source": [ - "x = np.random.randn(2, 51, 256)\n", - "print(x.dtype)" - ] - }, - { - "cell_type": "code", - "execution_count": 47, - "id": "cooked-progressive", - "metadata": {}, - "outputs": [], - "source": [ - "y = L(paddle.to_tensor(x, dtype='float32'))" - ] - }, - { - "cell_type": "code", - "execution_count": 48, - "id": "optimum-milwaukee", - "metadata": {}, - "outputs": [], - "source": [ - "import torch" - ] - }, - { - "cell_type": "code", - "execution_count": 49, - "id": "viral-indian", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Parameter containing:\n", - "tensor([1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.,\n", - " 1., 1., 1., 1.], requires_grad=True)\n", - "Parameter containing:\n", - "tensor([0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.,\n", - " 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.],\n", - " requires_grad=True)\n" - ] - } - ], - "source": [ - "TL = torch.nn.LayerNorm(256, eps=1e-12)\n", - "for p in TL.parameters():\n", - " print(p)" - ] - }, - { - "cell_type": "code", - "execution_count": 50, - "id": "skilled-vietnamese", - "metadata": {}, - "outputs": [], - "source": [ - "ty = TL(torch.tensor(x, dtype=torch.float32))" - ] - }, - { - "cell_type": "code", - "execution_count": 51, - "id": "incorrect-allah", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "False" - ] - }, - "execution_count": 51, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "np.allclose(y.numpy(), ty.detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "prostate-cameroon", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 52, - "id": "governmental-surge", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "True" - ] - }, - "execution_count": 52, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "x = np.random.randn(2, 256)\n", - "y = L(paddle.to_tensor(x, dtype='float32'))\n", - "ty = TL(torch.tensor(x, dtype=torch.float32))\n", - "np.allclose(y.numpy(), ty.detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "confidential-jacket", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/mask_and_masked_fill_test.ipynb b/.notebook/mask_and_masked_fill_test.ipynb deleted file mode 100644 index 265ec536b..000000000 --- a/.notebook/mask_and_masked_fill_test.ipynb +++ /dev/null @@ -1,449 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "primary-organic", - "metadata": {}, - "outputs": [], - "source": [ - "import torch" - ] - }, - { - "cell_type": "code", - "execution_count": 38, - "id": "stopped-semester", - "metadata": {}, - "outputs": [], - "source": [ - "def mask_finished_scores(score: torch.Tensor,\n", - " flag: torch.Tensor) -> torch.Tensor:\n", - " \"\"\"\n", - " If a sequence is finished, we only allow one alive branch. This function\n", - " aims to give one branch a zero score and the rest -inf score.\n", - " Args:\n", - " score (torch.Tensor): A real value array with shape\n", - " (batch_size * beam_size, beam_size).\n", - " flag (torch.Tensor): A bool array with shape\n", - " (batch_size * beam_size, 1).\n", - " Returns:\n", - " torch.Tensor: (batch_size * beam_size, beam_size).\n", - " \"\"\"\n", - " beam_size = score.size(-1)\n", - " zero_mask = torch.zeros_like(flag, dtype=torch.bool)\n", - " if beam_size > 1:\n", - " unfinished = torch.cat((zero_mask, flag.repeat([1, beam_size - 1])),\n", - " dim=1)\n", - " finished = torch.cat((flag, zero_mask.repeat([1, beam_size - 1])),\n", - " dim=1)\n", - " else:\n", - " unfinished = zero_mask\n", - " finished = flag\n", - " print(unfinished)\n", - " print(finished)\n", - " score.masked_fill_(unfinished, -float('inf'))\n", - " score.masked_fill_(finished, 0)\n", - " return score" - ] - }, - { - "cell_type": "code", - "execution_count": 58, - "id": "agreed-portuguese", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor([[ True],\n", - " [False]])\n", - "tensor([[-0.8841, 0.7381, -0.9986],\n", - " [ 0.2675, -0.7971, 0.3798]])\n", - "tensor([[ True, True],\n", - " [False, False]])\n" - ] - } - ], - "source": [ - "score = torch.randn((2, 3))\n", - "flag = torch.ones((2, 1), dtype=torch.bool)\n", - "flag[1] = False\n", - "print(flag)\n", - "print(score)\n", - "print(flag.repeat([1, 2]))" - ] - }, - { - "cell_type": "code", - "execution_count": 59, - "id": "clean-aspect", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor([[False, True, True],\n", - " [False, False, False]])\n", - "tensor([[ True, False, False],\n", - " [False, False, False]])\n", - "tensor([[ 0.0000, -inf, -inf],\n", - " [ 0.2675, -0.7971, 0.3798]])\n", - "tensor([[ 0.0000, -inf, -inf],\n", - " [ 0.2675, -0.7971, 0.3798]])\n" - ] - } - ], - "source": [ - "r = mask_finished_scores(score, flag)\n", - "print(r)\n", - "print(score)" - ] - }, - { - "cell_type": "code", - "execution_count": 55, - "id": "thrown-airline", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[2, 1], dtype=bool, place=CUDAPlace(0), stop_gradient=True,\n", - " [[True ],\n", - " [False]])\n", - "Tensor(shape=[2, 3], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[ 2.05994511, 1.87704289, 0.01988174],\n", - " [-0.40165186, 0.77547729, -0.64469045]])\n", - "Tensor(shape=[2, 2], dtype=bool, place=CUDAPlace(0), stop_gradient=True,\n", - " [[True , True ],\n", - " [False, False]])\n" - ] - } - ], - "source": [ - "import paddle\n", - "\n", - "score = paddle.randn((2, 3))\n", - "flag = paddle.ones((2, 1), dtype='bool')\n", - "flag[1] = False\n", - "print(flag)\n", - "print(score)\n", - "print(flag.tile([1, 2]))" - ] - }, - { - "cell_type": "code", - "execution_count": 56, - "id": "internal-patent", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[2, 3], dtype=bool, place=CUDAPlace(0), stop_gradient=True,\n", - " [[False, True , True ],\n", - " [False, False, False]])\n", - "Tensor(shape=[2, 3], dtype=bool, place=CUDAPlace(0), stop_gradient=True,\n", - " [[True , False, False],\n", - " [False, False, False]])\n", - "x Tensor(shape=[2, 3], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[ 2.05994511, 1.87704289, 0.01988174],\n", - " [-0.40165186, 0.77547729, -0.64469045]])\n", - "2 Tensor(shape=[2, 3], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[ 2.05994511, 1.87704289, 0.01988174],\n", - " [-0.40165186, 0.77547729, -0.64469045]])\n", - "3 Tensor(shape=[2, 3], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[ 2.05994511, -inf. , -inf. ],\n", - " [-0.40165186, 0.77547729, -0.64469045]])\n", - "x Tensor(shape=[2, 3], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[ 2.05994511, -inf. , -inf. ],\n", - " [-0.40165186, 0.77547729, -0.64469045]])\n", - "2 Tensor(shape=[2, 3], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[ 2.05994511, -inf. , -inf. ],\n", - " [-0.40165186, 0.77547729, -0.64469045]])\n", - "3 Tensor(shape=[2, 3], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[ 0. , -inf. , -inf. ],\n", - " [-0.40165186, 0.77547729, -0.64469045]])\n", - "Tensor(shape=[2, 3], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[ 0. , -inf. , -inf. ],\n", - " [-0.40165186, 0.77547729, -0.64469045]])\n" - ] - } - ], - "source": [ - "paddle.bool = 'bool'\n", - "\n", - "def masked_fill(xs:paddle.Tensor, mask:paddle.Tensor, value:float):\n", - " print(xs)\n", - " trues = paddle.ones_like(xs) * value\n", - " assert xs.shape == mask.shape\n", - " xs = paddle.where(mask, trues, xs)\n", - " return xs\n", - "\n", - "def masked_fill_(xs:paddle.Tensor, mask:paddle.Tensor, value:float):\n", - " print('x', xs)\n", - " trues = paddle.ones_like(xs) * value\n", - " assert xs.shape == mask.shape\n", - " ret = paddle.where(mask, trues, xs)\n", - " print('2', xs)\n", - " paddle.assign(ret, output=xs)\n", - " print('3', xs)\n", - "\n", - "paddle.Tensor.masked_fill = masked_fill\n", - "paddle.Tensor.masked_fill_ = masked_fill_\n", - "\n", - "def mask_finished_scores_pd(score: paddle.Tensor,\n", - " flag: paddle.Tensor) -> paddle.Tensor:\n", - " \"\"\"\n", - " If a sequence is finished, we only allow one alive branch. This function\n", - " aims to give one branch a zero score and the rest -inf score.\n", - " Args:\n", - " score (torch.Tensor): A real value array with shape\n", - " (batch_size * beam_size, beam_size).\n", - " flag (torch.Tensor): A bool array with shape\n", - " (batch_size * beam_size, 1).\n", - " Returns:\n", - " torch.Tensor: (batch_size * beam_size, beam_size).\n", - " \"\"\"\n", - " beam_size = score.shape[-1]\n", - " zero_mask = paddle.zeros_like(flag, dtype=paddle.bool)\n", - " if beam_size > 1:\n", - " unfinished = paddle.concat((zero_mask, flag.tile([1, beam_size - 1])),\n", - " axis=1)\n", - " finished = paddle.concat((flag, zero_mask.tile([1, beam_size - 1])),\n", - " axis=1)\n", - " else:\n", - " unfinished = zero_mask\n", - " finished = flag\n", - " print(unfinished)\n", - " print(finished)\n", - " \n", - " #score.masked_fill_(unfinished, -float('inf'))\n", - " #score.masked_fill_(finished, 0)\n", - "# infs = paddle.ones_like(score) * -float('inf')\n", - "# score = paddle.where(unfinished, infs, score)\n", - "# score = paddle.where(finished, paddle.zeros_like(score), score)\n", - "\n", - "# score = score.masked_fill(unfinished, -float('inf'))\n", - "# score = score.masked_fill(finished, 0)\n", - " score.masked_fill_(unfinished, -float('inf'))\n", - " score.masked_fill_(finished, 0)\n", - " return score\n", - "\n", - "r = mask_finished_scores_pd(score, flag)\n", - "print(r)" - ] - }, - { - "cell_type": "code", - "execution_count": 57, - "id": "vocal-prime", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 57, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "score.value" - ] - }, - { - "cell_type": "code", - "execution_count": 71, - "id": "bacterial-adolescent", - "metadata": {}, - "outputs": [], - "source": [ - "from typing import Union, Any" - ] - }, - { - "cell_type": "code", - "execution_count": 72, - "id": "absent-fiber", - "metadata": {}, - "outputs": [], - "source": [ - "def repeat(xs : paddle.Tensor, *size: Any):\n", - " print(size)\n", - " return paddle.tile(xs, size)\n", - "paddle.Tensor.repeat = repeat" - ] - }, - { - "cell_type": "code", - "execution_count": 73, - "id": "material-harbor", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(1, 2)\n", - "Tensor(shape=[2, 2], dtype=bool, place=CUDAPlace(0), stop_gradient=True,\n", - " [[True , True ],\n", - " [False, False]])\n" - ] - } - ], - "source": [ - "flag = paddle.ones((2, 1), dtype='bool')\n", - "flag[1] = False\n", - "print(flag.repeat(1, 2))" - ] - }, - { - "cell_type": "code", - "execution_count": 84, - "id": "acute-brighton", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [1]), 2)\n", - "Tensor(shape=[2, 2], dtype=bool, place=CUDAPlace(0), stop_gradient=True,\n", - " [[True , True ],\n", - " [False, False]])\n" - ] - } - ], - "source": [ - "flag = paddle.ones((2, 1), dtype='bool')\n", - "flag[1] = False\n", - "print(flag.repeat(paddle.to_tensor(1), 2))" - ] - }, - { - "cell_type": "code", - "execution_count": 85, - "id": "european-rugby", - "metadata": {}, - "outputs": [], - "source": [ - "def size(xs, *args: int):\n", - " nargs = len(args)\n", - " s = paddle.shape(xs)\n", - " assert(nargs <= 1)\n", - " if nargs == 1:\n", - " return s[args[0]]\n", - " else:\n", - " return s\n", - "paddle.Tensor.size = size" - ] - }, - { - "cell_type": "code", - "execution_count": 86, - "id": "moral-special", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Tensor(shape=[2], dtype=int32, place=CPUPlace, stop_gradient=True,\n", - " [2, 1])" - ] - }, - "execution_count": 86, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "flag.size()" - ] - }, - { - "cell_type": "code", - "execution_count": 87, - "id": "ahead-coach", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Tensor(shape=[1], dtype=int32, place=CPUPlace, stop_gradient=True,\n", - " [1])" - ] - }, - "execution_count": 87, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "flag.size(1)" - ] - }, - { - "cell_type": "code", - "execution_count": 88, - "id": "incomplete-fitness", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Tensor(shape=[1], dtype=int32, place=CPUPlace, stop_gradient=True,\n", - " [2])" - ] - }, - "execution_count": 88, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "flag.size(0)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "upset-connectivity", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/position_embeding_check.ipynb b/.notebook/position_embeding_check.ipynb deleted file mode 100644 index d4b9098d9..000000000 --- a/.notebook/position_embeding_check.ipynb +++ /dev/null @@ -1,231 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 2, - "id": "designing-borough", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[ 0.0000000e+00 0.0000000e+00 0.0000000e+00 ... 0.0000000e+00\n", - " 0.0000000e+00 0.0000000e+00]\n", - " [ 8.4147096e-01 8.0196178e-01 7.6172036e-01 ... 1.2409373e-04\n", - " 1.1547816e-04 1.0746076e-04]\n", - " [ 9.0929741e-01 9.5814437e-01 9.8704624e-01 ... 2.4818745e-04\n", - " 2.3095631e-04 2.1492151e-04]\n", - " ...\n", - " [ 3.7960774e-01 7.4510968e-01 7.3418564e-01 ... 1.2036801e-02\n", - " 1.1201146e-02 1.0423505e-02]\n", - " [-5.7338190e-01 -8.9752287e-02 -4.1488394e-02 ... 1.2160885e-02\n", - " 1.1316618e-02 1.0530960e-02]\n", - " [-9.9920684e-01 -8.5234123e-01 -7.8794664e-01 ... 1.2284970e-02\n", - " 1.1432089e-02 1.0638415e-02]]\n", - "True\n", - "True\n" - ] - } - ], - "source": [ - "import torch\n", - "import math\n", - "import numpy as np\n", - "\n", - "max_len=100\n", - "d_model=256\n", - "\n", - "pe = torch.zeros(max_len, d_model)\n", - "position = torch.arange(0, max_len,\n", - " dtype=torch.float32).unsqueeze(1)\n", - "toruch_position = position\n", - "div_term = torch.exp(\n", - " torch.arange(0, d_model, 2, dtype=torch.float32) *\n", - " -(math.log(10000.0) / d_model))\n", - "tourch_div_term = div_term.cpu().detach().numpy()\n", - "\n", - "\n", - "\n", - "torhc_sin = torch.sin(position * div_term)\n", - "torhc_cos = torch.cos(position * div_term)\n", - "print(torhc_sin.cpu().detach().numpy())\n", - "np_sin = np.sin((position * div_term).cpu().detach().numpy())\n", - "np_cos = np.cos((position * div_term).cpu().detach().numpy())\n", - "print(np.allclose(np_sin, torhc_sin.cpu().detach().numpy()))\n", - "print(np.allclose(np_cos, torhc_cos.cpu().detach().numpy()))\n", - "pe[:, 0::2] = torhc_sin\n", - "pe[:, 1::2] = torhc_cos\n", - "tourch_pe = pe.cpu().detach().numpy()" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "swiss-referral", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "True\n", - "True\n", - "False\n", - "False\n", - "False\n", - "False\n", - "[[ 1. 1. 1. ... 1. 1.\n", - " 1. ]\n", - " [ 0.5403023 0.59737533 0.6479059 ... 1. 1.\n", - " 1. ]\n", - " [-0.41614684 -0.28628543 -0.1604359 ... 0.99999994 1.\n", - " 1. ]\n", - " ...\n", - " [-0.92514753 -0.66694194 -0.67894876 ... 0.9999276 0.99993724\n", - " 0.9999457 ]\n", - " [-0.81928825 -0.9959641 -0.999139 ... 0.99992603 0.999936\n", - " 0.99994457]\n", - " [ 0.03982088 -0.52298605 -0.6157435 ... 0.99992454 0.9999347\n", - " 0.99994344]]\n", - "----\n", - "[[ 1. 1. 1. ... 1. 1.\n", - " 1. ]\n", - " [ 0.54030234 0.59737533 0.6479059 ... 1. 1.\n", - " 1. ]\n", - " [-0.41614684 -0.28628543 -0.1604359 ... 1. 1.\n", - " 1. ]\n", - " ...\n", - " [-0.92514753 -0.66694194 -0.67894876 ... 0.9999276 0.9999373\n", - " 0.9999457 ]\n", - " [-0.81928825 -0.9959641 -0.999139 ... 0.99992603 0.999936\n", - " 0.99994457]\n", - " [ 0.03982088 -0.5229861 -0.6157435 ... 0.99992454 0.9999347\n", - " 0.99994344]]\n", - ")))))))\n", - "[[ 0.0000000e+00 0.0000000e+00 0.0000000e+00 ... 0.0000000e+00\n", - " 0.0000000e+00 0.0000000e+00]\n", - " [ 8.4147096e-01 8.0196178e-01 7.6172036e-01 ... 1.2409373e-04\n", - " 1.1547816e-04 1.0746076e-04]\n", - " [ 9.0929741e-01 9.5814437e-01 9.8704624e-01 ... 2.4818745e-04\n", - " 2.3095631e-04 2.1492151e-04]\n", - " ...\n", - " [ 3.7960774e-01 7.4510968e-01 7.3418564e-01 ... 1.2036801e-02\n", - " 1.1201146e-02 1.0423505e-02]\n", - " [-5.7338190e-01 -8.9752287e-02 -4.1488394e-02 ... 1.2160885e-02\n", - " 1.1316618e-02 1.0530960e-02]\n", - " [-9.9920684e-01 -8.5234123e-01 -7.8794664e-01 ... 1.2284970e-02\n", - " 1.1432089e-02 1.0638415e-02]]\n", - "----\n", - "[[ 0.0000000e+00 0.0000000e+00 0.0000000e+00 ... 0.0000000e+00\n", - " 0.0000000e+00 0.0000000e+00]\n", - " [ 8.4147096e-01 8.0196178e-01 7.6172036e-01 ... 1.2409373e-04\n", - " 1.1547816e-04 1.0746076e-04]\n", - " [ 9.0929741e-01 9.5814437e-01 9.8704624e-01 ... 2.4818745e-04\n", - " 2.3095631e-04 2.1492151e-04]\n", - " ...\n", - " [ 3.7960774e-01 7.4510968e-01 7.3418564e-01 ... 1.2036801e-02\n", - " 1.1201146e-02 1.0423505e-02]\n", - " [-5.7338190e-01 -8.9752287e-02 -4.1488394e-02 ... 1.2160885e-02\n", - " 1.1316618e-02 1.0530960e-02]\n", - " [-9.9920684e-01 -8.5234123e-01 -7.8794664e-01 ... 1.2284970e-02\n", - " 1.1432089e-02 1.0638415e-02]]\n" - ] - } - ], - "source": [ - "import paddle\n", - "paddle.set_device('cpu')\n", - "ppe = paddle.zeros((max_len, d_model), dtype='float32')\n", - "position = paddle.arange(0, max_len,\n", - " dtype='float32').unsqueeze(1)\n", - "print(np.allclose(position.numpy(), toruch_position))\n", - "div_term = paddle.exp(\n", - " paddle.arange(0, d_model, 2, dtype='float32') *\n", - " -(math.log(10000.0) / d_model))\n", - "print(np.allclose(div_term.numpy(), tourch_div_term))\n", - "\n", - "\n", - "\n", - "p_sin = paddle.sin(position * div_term)\n", - "p_cos = paddle.cos(position * div_term)\n", - "print(np.allclose(np_sin, p_sin.numpy(), rtol=1.e-6, atol=0))\n", - "print(np.allclose(np_cos, p_cos.numpy(), rtol=1.e-6, atol=0))\n", - "ppe[:, 0::2] = p_sin\n", - "ppe[:, 1::2] = p_cos\n", - "print(np.allclose(p_sin.numpy(), torhc_sin.cpu().detach().numpy()))\n", - "print(np.allclose(p_cos.numpy(), torhc_cos.cpu().detach().numpy()))\n", - "print(p_cos.numpy())\n", - "print(\"----\")\n", - "print(torhc_cos.cpu().detach().numpy())\n", - "print(\")))))))\")\n", - "print(p_sin.numpy())\n", - "print(\"----\")\n", - "print(torhc_sin.cpu().detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "integrated-boards", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "False\n" - ] - } - ], - "source": [ - "print(np.allclose(ppe.numpy(), pe.numpy()))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "flying-reserve", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "revised-divide", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/python_test.ipynb b/.notebook/python_test.ipynb deleted file mode 100644 index 819d4c48f..000000000 --- a/.notebook/python_test.ipynb +++ /dev/null @@ -1,1680 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "choice-lender", - "metadata": {}, - "outputs": [], - "source": [ - "eng=\"one minute a voice said and the time buzzer sounded\"\n", - "chn=\"可控是病毒武器最基本的要求\"" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "ruled-kuwait", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "o\n", - "n\n", - "e\n", - " \n", - "m\n", - "i\n", - "n\n", - "u\n", - "t\n", - "e\n", - " \n", - "a\n", - " \n", - "v\n", - "o\n", - "i\n", - "c\n", - "e\n", - " \n", - "s\n", - "a\n", - "i\n", - "d\n", - " \n", - "a\n", - "n\n", - "d\n", - " \n", - "t\n", - "h\n", - "e\n", - " \n", - "t\n", - "i\n", - "m\n", - "e\n", - " \n", - "b\n", - "u\n", - "z\n", - "z\n", - "e\n", - "r\n", - " \n", - "s\n", - "o\n", - "u\n", - "n\n", - "d\n", - "e\n", - "d\n" - ] - } - ], - "source": [ - "for char in eng:\n", - " print(char)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "passive-petite", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "可\n", - "控\n", - "是\n", - "病\n", - "毒\n", - "武\n", - "器\n", - "最\n", - "基\n", - "本\n", - "的\n", - "要\n", - "求\n" - ] - } - ], - "source": [ - "for char in chn:\n", - " print(char)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "olympic-realtor", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "one\n", - "minute\n", - "a\n", - "voice\n", - "said\n", - "and\n", - "the\n", - "time\n", - "buzzer\n", - "sounded\n" - ] - } - ], - "source": [ - "for word in eng.split():\n", - " print(word)" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "induced-enhancement", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "可控是病毒武器最基本的要求\n" - ] - } - ], - "source": [ - "for word in chn.split():\n", - " print(word)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "id": "lovely-bottle", - "metadata": {}, - "outputs": [ - { - "ename": "ModuleNotFoundError", - "evalue": "No module named 'StringIO'", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mModuleNotFoundError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0;32mimport\u001b[0m \u001b[0mStringIO\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", - "\u001b[0;31mModuleNotFoundError\u001b[0m: No module named 'StringIO'" - ] - } - ], - "source": [ - "import StringIO" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "id": "interested-cardiff", - "metadata": {}, - "outputs": [], - "source": [ - "from io import StringIO" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "id": "portable-ivory", - "metadata": {}, - "outputs": [], - "source": [ - "inputs = StringIO()" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "id": "compatible-destination", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "64" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "inputs.write(\"nor is mister quilter's manner less interesting than his matter\" + '\\n')" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "id": "federal-margin", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "nor is mister quilter's manner less interesting than his matternor is mister quilter's manner less interesting than his matter\n", - "\n" - ] - } - ], - "source": [ - "print(inputs.getvalue())" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "id": "consecutive-entity", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "64" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "inputs.write(\"nor is mister quilter's manner less interesting than his matter\" + '\\n')" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "id": "desirable-anxiety", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "nor is mister quilter's manner less interesting than his matternor is mister quilter's manner less interesting than his matter\n", - "nor is mister quilter's manner less interesting than his matter\n", - "\n" - ] - } - ], - "source": [ - "print(inputs.getvalue())" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "id": "employed-schedule", - "metadata": {}, - "outputs": [], - "source": [ - "import tempfile" - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "id": "unlikely-honduras", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['__class__', '__del__', '__delattr__', '__dict__', '__dir__', '__doc__', '__enter__', '__eq__', '__exit__', '__format__', '__ge__', '__getattribute__', '__getstate__', '__gt__', '__hash__', '__init__', '__init_subclass__', '__iter__', '__le__', '__lt__', '__ne__', '__new__', '__next__', '__reduce__', '__reduce_ex__', '__repr__', '__setattr__', '__sizeof__', '__str__', '__subclasshook__', '_checkClosed', '_checkReadable', '_checkSeekable', '_checkWritable', '_dealloc_warn', '_finalizing', 'close', 'closed', 'detach', 'fileno', 'flush', 'isatty', 'mode', 'name', 'peek', 'raw', 'read', 'read1', 'readable', 'readinto', 'readinto1', 'readline', 'readlines', 'seek', 'seekable', 'tell', 'truncate', 'writable', 'write', 'writelines']\n", - "57\n" - ] - } - ], - "source": [ - "with tempfile.TemporaryFile() as fp:\n", - " print(dir(fp))\n", - " print(fp.name)" - ] - }, - { - "cell_type": "code", - "execution_count": 27, - "id": "needed-trail", - "metadata": {}, - "outputs": [], - "source": [ - "a = tempfile.mkstemp(suffix=None, prefix='test', dir=None, text=False)" - ] - }, - { - "cell_type": "code", - "execution_count": 28, - "id": "hazardous-choir", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['__add__', '__class__', '__contains__', '__delattr__', '__dir__', '__doc__', '__eq__', '__format__', '__ge__', '__getattribute__', '__getitem__', '__getnewargs__', '__gt__', '__hash__', '__init__', '__init_subclass__', '__iter__', '__le__', '__len__', '__lt__', '__mul__', '__ne__', '__new__', '__reduce__', '__reduce_ex__', '__repr__', '__rmul__', '__setattr__', '__sizeof__', '__str__', '__subclasshook__', 'count', 'index']\n" - ] - } - ], - "source": [ - "print(dir(a))" - ] - }, - { - "cell_type": "code", - "execution_count": 29, - "id": "front-sauce", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(57, '/tmp/test27smzbzc')\n" - ] - } - ], - "source": [ - "print(a)" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "id": "shared-wages", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - } - ], - "source": [ - "print(a.index)" - ] - }, - { - "cell_type": "code", - "execution_count": 34, - "id": "charged-carnival", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['__class__', '__delattr__', '__dict__', '__dir__', '__doc__', '__enter__', '__eq__', '__exit__', '__format__', '__ge__', '__getattr__', '__getattribute__', '__gt__', '__hash__', '__init__', '__init_subclass__', '__iter__', '__le__', '__lt__', '__module__', '__ne__', '__new__', '__reduce__', '__reduce_ex__', '__repr__', '__setattr__', '__sizeof__', '__str__', '__subclasshook__', '__weakref__', '_closer', 'close', 'delete', 'file', 'name']\n", - "/tmp/tmpfjn7mygy\n" - ] - } - ], - "source": [ - "fp= tempfile.NamedTemporaryFile(mode='w', delete=False)\n", - "print(dir(fp))\n", - "print(fp.name)\n", - "fp.close()" - ] - }, - { - "cell_type": "code", - "execution_count": 36, - "id": "religious-terror", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/tmp/tmpfjn7mygy\n" - ] - } - ], - "source": [ - "import os\n", - "os.path.exists(fp.name)\n", - "print(fp.name)" - ] - }, - { - "cell_type": "code", - "execution_count": 37, - "id": "communist-gospel", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 37, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "fp.write" - ] - }, - { - "cell_type": "code", - "execution_count": 39, - "id": "simplified-clarity", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'example'" - ] - }, - "execution_count": 39, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "s='/home/ubuntu/python/example.py'\n", - "os.path.splitext(os.path.basename(s))[0]" - ] - }, - { - "cell_type": "code", - "execution_count": 40, - "id": "popular-genius", - "metadata": {}, - "outputs": [], - "source": [ - "from collections import Counter" - ] - }, - { - "cell_type": "code", - "execution_count": 43, - "id": "studied-burner", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "dict_items([('hello', 1), ('world', 1)])\n" - ] - } - ], - "source": [ - "counter = Counter()\n", - "counter.update([\"hello\"])\n", - "counter.update([\"world\"])\n", - "print(counter.items())" - ] - }, - { - "cell_type": "code", - "execution_count": 44, - "id": "mineral-ceremony", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "dict_items([('h', 1), ('e', 1), ('l', 3), ('o', 2), ('w', 1), ('r', 1), ('d', 1)])\n" - ] - } - ], - "source": [ - "counter = Counter()\n", - "counter.update(\"hello\")\n", - "counter.update(\"world\")\n", - "print(counter.items())" - ] - }, - { - "cell_type": "code", - "execution_count": 45, - "id": "nonprofit-freedom", - "metadata": {}, - "outputs": [], - "source": [ - "counter.update(list(\"hello\"))" - ] - }, - { - "cell_type": "code", - "execution_count": 46, - "id": "extended-methodology", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "dict_items([('h', 2), ('e', 2), ('l', 5), ('o', 3), ('w', 1), ('r', 1), ('d', 1)])\n" - ] - } - ], - "source": [ - "print(counter.items())" - ] - }, - { - "cell_type": "code", - "execution_count": 47, - "id": "grand-benjamin", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['h', 'e', 'l', 'l', 'o']" - ] - }, - "execution_count": 47, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "list(\"hello\")" - ] - }, - { - "cell_type": "code", - "execution_count": 53, - "id": "marine-fundamentals", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{}\n" - ] - } - ], - "source": [ - "from io import StringIO\n", - "a = StringIO(initial_value='{}', newline='')\n", - "print(a.read())" - ] - }, - { - "cell_type": "code", - "execution_count": 56, - "id": "suitable-charlotte", - "metadata": {}, - "outputs": [ - { - "ename": "TypeError", - "evalue": "expected str, bytes or os.PathLike object, not _io.StringIO", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0;32mwith\u001b[0m \u001b[0mio\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0ma\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mf\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mread\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mTypeError\u001b[0m: expected str, bytes or os.PathLike object, not _io.StringIO" - ] - } - ], - "source": [ - "with io.open(a) as f:\n", - " print(f.read())" - ] - }, - { - "cell_type": "code", - "execution_count": 57, - "id": "institutional-configuration", - "metadata": {}, - "outputs": [], - "source": [ - "io.open?" - ] - }, - { - "cell_type": "code", - "execution_count": 58, - "id": "pregnant-modem", - "metadata": {}, - "outputs": [], - "source": [ - "def get_default_args(fn):\n", - " if fn is None:\n", - " return {}\n", - "\n", - " signature = inspect.signature(fn)\n", - " return {\n", - " k: v.default\n", - " for k, v in signature.parameters.items()\n", - " if v.default is not inspect.Parameter.empty\n", - " }" - ] - }, - { - "cell_type": "code", - "execution_count": 59, - "id": "first-release", - "metadata": {}, - "outputs": [ - { - "ename": "NameError", - "evalue": "name 'inspect' is not defined", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mget_default_args\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mio\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mopen\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", - "\u001b[0;32m\u001b[0m in \u001b[0;36mget_default_args\u001b[0;34m(fn)\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0;34m{\u001b[0m\u001b[0;34m}\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 5\u001b[0;31m \u001b[0msignature\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0minspect\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msignature\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfn\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 6\u001b[0m return {\n\u001b[1;32m 7\u001b[0m \u001b[0mk\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0mv\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdefault\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mNameError\u001b[0m: name 'inspect' is not defined" - ] - } - ], - "source": [ - "get_default_args(io.open)" - ] - }, - { - "cell_type": "code", - "execution_count": 35, - "id": "convertible-roulette", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Requirement already satisfied: sox in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (1.4.1)\n", - "Requirement already satisfied: numpy>=1.9.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from sox) (1.20.1)\n", - "Requirement already satisfied: librosa in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (0.8.0)\n", - "Requirement already satisfied: scikit-learn!=0.19.0,>=0.14.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (0.24.1)\n", - "Requirement already satisfied: numba>=0.43.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (0.52.0)\n", - "Requirement already satisfied: pooch>=1.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (1.3.0)\n", - "Requirement already satisfied: scipy>=1.0.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (1.2.1)\n", - "Requirement already satisfied: numpy>=1.15.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (1.20.1)\n", - "Requirement already satisfied: decorator>=3.0.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (4.4.2)\n", - "Requirement already satisfied: resampy>=0.2.2 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (0.2.2)\n", - "Requirement already satisfied: audioread>=2.0.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (2.1.9)\n", - "Requirement already satisfied: soundfile>=0.9.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (0.9.0.post1)\n", - "Requirement already satisfied: joblib>=0.14 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from librosa) (1.0.1)\n", - "Requirement already satisfied: setuptools in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from numba>=0.43.0->librosa) (51.0.0)\n", - "Requirement already satisfied: llvmlite<0.36,>=0.35.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from numba>=0.43.0->librosa) (0.35.0)\n", - "Requirement already satisfied: appdirs in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from pooch>=1.0->librosa) (1.4.4)\n", - "Requirement already satisfied: packaging in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from pooch>=1.0->librosa) (20.9)\n", - "Requirement already satisfied: requests in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from pooch>=1.0->librosa) (2.25.1)\n", - "Requirement already satisfied: six>=1.3 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from resampy>=0.2.2->librosa) (1.15.0)\n", - "Requirement already satisfied: threadpoolctl>=2.0.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from scikit-learn!=0.19.0,>=0.14.0->librosa) (2.1.0)\n", - "Requirement already satisfied: cffi>=0.6 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from soundfile>=0.9.0->librosa) (1.14.4)\n", - "Requirement already satisfied: pycparser in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from cffi>=0.6->soundfile>=0.9.0->librosa) (2.20)\n", - "Requirement already satisfied: pyparsing>=2.0.2 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from packaging->pooch>=1.0->librosa) (2.4.7)\n", - "Requirement already satisfied: idna<3,>=2.5 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from requests->pooch>=1.0->librosa) (2.10)\n", - "Requirement already satisfied: certifi>=2017.4.17 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from requests->pooch>=1.0->librosa) (2020.12.5)\n", - "Requirement already satisfied: chardet<5,>=3.0.2 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from requests->pooch>=1.0->librosa) (4.0.0)\n", - "Requirement already satisfied: urllib3<1.27,>=1.21.1 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from requests->pooch>=1.0->librosa) (1.26.3)\n" - ] - } - ], - "source": [ - "!pip install sox\n", - "!pip install librosa" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "cutting-fleece", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - } - ], - "source": [ - "import numpy as np\n", - "import sox\n", - "tfm = sox.Transformer()\n", - "sample_rate = 44100\n", - "y = np.sin(2 * np.pi * 440.0 * np.arange(sample_rate * 1.0) / sample_rate)\n", - "print(y.dtype.type)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "historical-diving", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[ 0. 0.06264832 0.12505052 ... -0.18696144 -0.12505052\n", - " -0.06264832]\n" - ] - } - ], - "source": [ - "output_array = tfm.build_array(input_array=y, sample_rate_in=sample_rate)\n", - "print(output_array)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "similar-spice", - "metadata": {}, - "outputs": [], - "source": [ - "tfm.build_array?" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "grand-influence", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['8svx', 'aif', 'aifc', 'aiff', 'aiffc', 'al', 'amb', 'amr-nb', 'amr-wb', 'anb', 'au', 'avr', 'awb', 'caf', 'cdda', 'cdr', 'cvs', 'cvsd', 'cvu', 'dat', 'dvms', 'f32', 'f4', 'f64', 'f8', 'fap', 'flac', 'fssd', 'gsm', 'gsrt', 'hcom', 'htk', 'ima', 'ircam', 'la', 'lpc', 'lpc10', 'lu', 'mat', 'mat4', 'mat5', 'maud', 'nist', 'ogg', 'paf', 'prc', 'pvf', 'raw', 's1', 's16', 's2', 's24', 's3', 's32', 's4', 's8', 'sb', 'sd2', 'sds', 'sf', 'sl', 'sln', 'smp', 'snd', 'sndfile', 'sndr', 'sndt', 'sou', 'sox', 'sph', 'sw', 'txw', 'u1', 'u16', 'u2', 'u24', 'u3', 'u32', 'u4', 'u8', 'ub', 'ul', 'uw', 'vms', 'voc', 'vorbis', 'vox', 'w64', 'wav', 'wavpcm', 'wv', 'wve', 'xa', 'xi']\n" - ] - } - ], - "source": [ - "print(sox.core._get_valid_formats())" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "wireless-hypothetical", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "float64\n", - "(59471,)\n", - "16000\n", - "(54065,)\n", - "1.0999907518727459\n" - ] - } - ], - "source": [ - "import soundfile as sf\n", - "wav='/workspace/DeepSpeech-2.x/examples/aishell/s1/../../..//examples/dataset/aishell/data_aishell/wav/dev/S0724/BAC009S0724W0190.wav'\n", - "samples, sr = sf.read(wav)\n", - "print(samples.dtype)\n", - "print(samples.shape)\n", - "print(sr)\n", - "tfm = sox.Transformer()\n", - "tfm.speed(1.1)\n", - "output_array = tfm.build_array(input_array=samples, sample_rate_in=sr)\n", - "output_array.dtype\n", - "print(output_array.shape)\n", - "print(len(samples)/len(output_array))" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "id": "designed-fluid", - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "execution_count": 17, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "import IPython.display as ipd\n", - "ipd.Audio(wav) # load a local WAV file" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "id": "cultural-friendship", - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "tfm = sox.Transformer()\n", - "tfm.speed(1.0)\n", - "output_array = tfm.build_array(input_array=samples, sample_rate_in=sr)\n", - "ipd.Audio(output_array, rate=sr) # load a NumPy array" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "id": "fossil-lotus", - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "execution_count": 19, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "tfm = sox.Transformer()\n", - "tfm.speed(1.1)\n", - "output_array = tfm.build_array(input_array=samples, sample_rate_in=sr)\n", - "ipd.Audio(output_array, rate=sr) # load a NumPy array" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "id": "constitutional-poker", - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "execution_count": 31, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "tfm = sox.Transformer()\n", - "tfm.speed(0.9)\n", - "output_array = tfm.build_array(input_array=samples, sample_rate_in=sr)\n", - "ipd.Audio(output_array, rate=sr) # load a NumPy array" - ] - }, - { - "cell_type": "code", - "execution_count": 32, - "id": "threaded-strap", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "66078\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYIAAAEKCAYAAAAfGVI8AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/Z1A+gAAAACXBIWXMAAAsTAAALEwEAmpwYAAA8K0lEQVR4nO2dd3hUZfbHvycdQoAEQpEWmlQVJICoKApqABdcF8u6KlbUXX+77rqrIFZs7Lr2si5WXHXtrigI0myoSFB67xDpoYQEUs/vj7kTJpM7M/fO7XPP53nmye33ZObe97zveU8hZoYgCILgX5KcFkAQBEFwFlEEgiAIPkcUgSAIgs8RRSAIguBzRBEIgiD4HFEEgiAIPscURUBEBUS0log2ENF4lf1/IaJVRLSMiOYSUYeQfWOJaL3yGWuGPIIgCIJ2yGgcARElA1gH4DwAOwAsAvBbZl4Vcsw5ABYycxkR3QJgCDNfRkQ5AAoB5ANgAIsB9GPmA4aEEgRBEDRjxohgAIANzLyJmSsAvANgdOgBzDyfmcuU1R8AtFWWLwAwm5mLlcZ/NoACE2QSBEEQNJJiwjXaANgesr4DwMAox18P4PMo57aJdcPmzZtzXl6ePikFQRB8zuLFi/cxc274djMUgWaI6EoEzEBnx3HuOADjAKB9+/YoLCw0WTpBEITEhoi2qm03wzRUBKBdyHpbZVu4AMMATAQwipnL9ZwLAMw8hZnzmTk/N7eeQhMEQRDixAxFsAhAVyLqSERpAC4HMC30ACLqC+DfCCiBPSG7ZgE4n4iyiSgbwPnKNkEQBMEmDJuGmLmKiG5FoAFPBvAqM68kokkACpl5GoDHADQC8D4RAcA2Zh7FzMVE9CACygQAJjFzsVGZBEEQBO0Ydh91gvz8fJY5AkEQBH0Q0WJmzg/fLpHFgiAIPkcUgSAIgs8RRSAIguBzRBEIgiD4HFEEgif42/tLsXirpKASBCuwNbJYEOLl/cU7kJ6ahH4dsp0WRRASDhkRCIKQcKwoOoSZK3Y5LYZnEEUgCELCMeGj5bj5zcVOi+EZRBEInsGDsY+CQzDkYdGDKALBM8irLWhFOg36EEUgCELCIYpAH6IIBEFIOEQP6EMUgeAZ3l64zWkRBI/gxWSaTiKKQBAEweeIIhAEIaGorK7Bml0lTovhKUQRCIKQUBworXBaBM8hikAQhISiRqYHdCOKQPAUFVU1OPHuz50WQ3AxNTJRrBtTFAERFRDRWiLaQETjVfafRUQ/EVEVEY0J21dNREuUz7TwcwUhlKMV1aioqnFaDMHFiCLQj+Hso0SUDOB5AOcB2AFgERFNY+ZVIYdtA3ANgL+qXOIoM/cxKofgE8hpAQS3UyP9BN2YMSIYAGADM29i5goA7wAYHXoAM29h5mUA5CcSdDFj+U7kjZ/utBiCh5ARgX7MUARtAGwPWd+hbNNKBhEVEtEPRHSRCfIkNHnjp2P/kXKnxbCNtWFugEkyIhBiMPKZb5wWwXO4YbK4AzPnA7gCwFNE1FntICIapyiMwr1799orocvYU+IfRRDetyMSTSBEp7SiunZ5n486TUYwQxEUAWgXst5W2aYJZi5S/m4C8CWAvhGOm8LM+cycn5ubG7+0HmD+mj1Ysv1gve3HKgMPeLWf/ONkmC8YYM9hUQRaMEMRLALQlYg6ElEagMsBaPL+IaJsIkpXlpsDOAPAquhnJT7Xvr4If3jrp3rb/zFzLQB/KYLw/3Tu6t2OyCF4E5kv0IZhRcDMVQBuBTALwGoA7zHzSiKaRESjAICI+hPRDgCXAPg3Ea1UTu8BoJCIlgKYD2BymLeRr8kbP73OROn+0kDv5kCZfyMn//TOEgCSVEzQhjwm2jCleD0zzwAwI2zbvSHLixAwGYWf9x2Ak8yQIdFQM4UHH+oHPl2FId1a2CuQQ0R6kcurapCRmmyvMB6kpoZRw4yUZDdMB9qPjAi04c+nw8UcVHr7as9vsZJDZfO+UjtFcpRIJQeHPfGVzZJ4k7/PWoPu98x0WgzH+GHTfqdF8ASiCFzG8qJDqts37DmCbzfss1ka54nUodtx4Ki9gniUVb8cRpWP5pQ+WVLXT0UUgTZEEXiEV77d7LQIjuCfJsxanGgQDx+rxLIdB2295+qddeNOkpOkidOCfEseoVri5gUDXD7lB9vv+cQX6zDquQW23zcUn06N6Ea+Jo/gp+F9KDLXZ4yFm4odu3eVCzovBb1bOS2CJxBF4BFq/KoIxDhkiIpq5xrjJAeiwMOfl7Rk8SzTgigCl1J0sO5kaLWG9rDkWCXKKqosksghRA94FicUgRAfoghcRiRTiJYRwbAnvnLEFmwloge8i+gB72BKQJlgPdOX74x5zO7D5ThyLMFGBIJnkRGBd5ARgcsw+u5UJ9jsqqSS8C4rIsTEWMl7i7bHPkiohygCB2FmVJk8mZdoCelED3iTWSt3YeFm+z2WDpRV1lkXZwNtiCJwkBe+3IguE80txJ5oikDwJou3HqhdPmPyPAclEbQgisBBPltW3+4f+gLFQ6LpgQT7d3xDqIUz3ANOcB8yWewgq3cerrftqTnrHZBEEMzjdy//gAUb3JHjp0hyUmlCRgSCq5E5Am9xoLTCNUoAAB79fA0A4L8/bkNpuXjURUIUgUuoqq7Bawu0J5Yrr6qus/7yN5vMFsn1/PX9pfhmvb/rVwPA7sPHsOvQMafFAAAcrayOfZADTPhoOeau2eO0GK5FFIFL2LK/FA98qr0427pdR+qsPzR9tdkiuZ4PFu/AB4t3OC2G4/z6+QU4+7H5TosRFSkx6m5EEbgE0hlA8Kvnvq1dTuSc6+L+F5tjVTUor6rvhjxzxS7bZYn0GF8/tdBeQQRdmKIIiKiAiNYS0QYiGq+y/ywi+omIqohoTNi+sUS0XvmMNUMerzH6uW9hJI7s2tcWmSaL23htwZaYx0xfthMb9hyJeZzfePyLtbbfkww9yYJTGFYERJQM4HkAwwH0BPBbIuoZdtg2ANcAeDvs3BwA9wEYCGAAgPuIKNuoTF5j6Y5DukcEwPGo20oHM0y6gT+8/RMeneE/01iQSHmoJMODoBUzRgQDAGxg5k3MXAHgHQCjQw9g5i3MvAxAeIt1AYDZzFzMzAcAzAZQYIJMniPaOxvpRT+s5BXya60C4Pj35tdGr7i0AgePVsY+UBCiYIYiaAMgNMHHDmWb1ecmFNESdHW6a4b6DpZcPMf/e/9ogsv+/T0qlDmBaC6RTjwaTipkv9bsMAPPTBYT0TgiKiSiwr17ve8yOPbVH+usx/MCMRiLthiLRE4U9h4pd1oES7lhaiEOllUAABZuLsbhY4FRQFKSuxSgk9IcijAyyhs/3WZJvIcZiqAIQLuQ9bbKNlPPZeYpzJzPzPm5ublxCeomvlpnXJkxu6McoJN8suQXAMDS7QedFcRi5qzejeUh2TyDvX09De/KXw4ldKMo44H4MUMRLALQlYg6ElEagMsBTNN47iwA5xNRtjJJfL6yzXfENyIQL40gLusYW8LRiuPBWkG3Wj05/x/6rO6E+okTP8cvCZQH6JVvowdV+t2MGg3DioCZqwDcikADvhrAe8y8kogmEdEoACCi/kS0A8AlAP5NRCuVc4sBPIiAMlkEYJKyzXfE6zXk10nScOL5/rwGA9hbUn58BdE7EOH7UlPqvu4V1TXYsr/UPAEd5sWv/BddbxamzBEw8wxmPpGZOzPzw8q2e5l5mrK8iJnbMnMmMzdj5l4h577KzF2Uz2tmyONF4mnGGJKLx2/0f3gOAODCZwMBhXqem68Vc+ScVbstm1j9YlXkCGIr3ZwPllVICnYDeGayONFRy0QaC2ZgW3H9Hp0f4wqqaxj7E3zCOJQ9JeXIGz8dO+PIMXTDG4VY8Ysy32By23n3/1ZE3Ldwk3WD/QofPvNmIorAJcQTgs9g3Pnh8nrbS3xat7jfQ3NwJIEzTKqN/lbF0YEArIk9eXZu9BTqKckWmu9kMGAIUQQeJpJZyM+eREcSUAlGGy2GNq16TCMXv/CdAYnUeXz2uqj7Uy1UBFpqdYsZNTKiCDxMpBffz7bSRExSN/zpbwAAN7+5uN6+X0JMQ+EeQJo8ymycY09Jsq65qapOvN/dTkQReJhIj77VL8XmfaU49/EvLb2HoI1nQswxySE+tC99vUlTL9lORj+/wLJra/lXE7GTYBaiCDxMJM+PvUfK6/icm83S7Qexaa873Q79Oj8C1B0JPjxjta8mz2tcpvS8higCBzArsGXwP9SLkVz8wnf44zs/m3IPNYI9q2U7Dlp2j3g5/8mvbb/n/iPl2HnI+cCscM8ZTSbCBGk/tfwbEnwZGVEEDvB+ofVVtfYctq50YVCPXfHSQsvu4SUum/IDBj06z2kx6plH/NRJ1jIiCDUN7Tl8DP+cZX+9BrciisABNu61vohKekqyZdcOvnNHyqtw+FhlbQI0vxJMBuc04SPNkjhcafcfKa/NbBqNPSXHcOGz3+i+vlXoVXqzVu7Cc/M3WCOMBxFF4AQ2jFDTUqz5af/15UY8FtKTuuj5BRj5tHsaBD9jxgCg30Nz8Pjs2D3ldbuOYEXRYcx3SUF4LebW0EN8NFjShCgCB7DDVmmFz/aew8fwxOy12BVidtq0txTbDzhvHw+lyvYoU3fYnoMN3UOfrTJ0nc0aHAGCHkrXvu6OMqnSsBtDFIEDvPjVRsvvkZps/k874JG5qPSAv/Zpj841fI1v1+/DnCh5c9xI0Ab+2bKdms+pZq430f39pv0xz7M0SjgONM0RuP/RdQxRBAlKsh/yMkdg3xFjNvtjldW48pWFuOENbWk/gpHcTuf6DwaU6/GXf+P7rXFNdLvt8dLSyIcqC1EKdRFFkKDYnZX5UFklikvdMWlqlEgpHf73cxG2F5fV2ZY3fjoOlrljsjyoAPQElu+LM9bAbQ2plhFBoVLNb8n2g1KbIAxRBIIpjHnxO5zzzy+dFsMUfh0hD89t7y7B8Ke/qW1EIjWi63eXOJLmI9i21dYs0EC8YrqtGdXSrr9bGCiPftHzC7B2t/Wee15CFEGCYnehlvV7jkSsGZtIHCmvqv0/Rz+nnjLhvCe/xmfLfjHlfnrNTXoVULw943g71Fa5TuuVp9rHiRnVEEVgM1p8tM3AZSZcz3Kssn6qji9W7cayHQexN4pZZXtxme3eSzXMuhv2eEcu8SqQZIs6KHrzCM1zidurW0hxWgC/cfZj6mkh3M6bP2x1WgRHmLbkF1zav12dbXd8sCzmef/8Yh3++UUgLfO8289Gp9xGlsgXCrN+k42aHtDiaBCvaSj82oFyq8aVQ2m5vtxaRh0KEg1TRgREVEBEa4loAxGNV9mfTkTvKvsXElGesj2PiI4S0RLl86IZ8riZeCpKxYOeouZaWLBhX8xj3ORSmDd+OraaUI+3vEpfA7NbJbXHLpt+83gaZ7XEhdecnhf7PBMmW//435/RccIMw9cBgN++9IMp1/ErhhUBESUDeB7AcAA9AfyWiHqGHXY9gAPM3AXAkwD+HrJvIzP3UT43G5VHCGD2CFzL9aqqGTsOlMU+0CYueMp4AroXv9qky3wy8JH6MQzlNpmInpu3Xr+tXOWEBqmx05METexNG6YC0G4qenjG6trlaUvNmUcRjGPGiGAAgA3MvImZKwC8A2B02DGjAUxVlj8AMJTsns0UbGFFUXylE63gWKXxBrjo4FHsKTHWo4+3ULxeO/yc1XtQVqEvv1BQyYUXtYl5niLbwbJArimtrsMzV+zSdR/BHsxQBG0AbA9Z36FsUz2GmasAHALQTNnXkYh+JqKviGiwCfIIMG+y+Ok565E3frpmO266RTmOnOSLlbt1N7ChBL+6eWt266oTce7jX+m+l16dEwyGGxXiAaXlpw5VbuWVNVEnztX4Zv3e2uUPF1ufjTfIT9sO2HYvL+H0W7sTQHtm7gvgLwDeJqLGagcS0TgiKiSiwr1796odIoRg1oDryTlKHVqNDcy/vrQ+fYaVbNtf37R137SVmLE8/p5sMLfUda8X4sOftDd6m/fpn+PQa7sPVrNT844KsmT7wXoeUKHmshpm3VXxrnrlx9rl299fqutcI1z1sqROV8MMRVAEINStoq2yTfUYIkoB0ATAfmYuZ+b9AMDMiwFsBHCi2k2YeQoz5zNzfm5urgli28/8tfa5rH38cxEmf77GtOuVa3R7/XFLsWn3NAO9LpwPfLpSdbtZIyyrA830KoKgPITjpqjwpIgXPb8A05fXzV8UepcaZs/UyRaLtDpmKIJFALoSUUciSgNwOYBpYcdMAzBWWR4DYB4zMxHlKpPNIKJOALoC2GSCTK5ES1ZHMzFzGOxESL4ZMRcHXJD+Yc2uktrl+6apKxqz0Psz7VGikEvKq2o7DkT1A79Ckw3OWbUbEz5aXrs+6NF5ltYjNpMjcdRo8AOGFYFi878VwCwAqwG8x8wriWgSEY1SDnsFQDMi2oCACSjoYnoWgGVEtASBSeSbmdldXUoPk2JiZjAn+nvvLtpm+BoPTzeWkjmIkY7k32fWHZlZ2Xs2cu3QrKNDH/8KRREmkN9auDXuHEWRsHO0LNTHlIAyZp4BYEbYtntDlo8BuETlvA8BfGiGDF7g5+0Hbb2fmcnQnJhkqzAh5fUeHXl3AHsUXg0zki2K/TaiCJbtOATguPkkkreTFeaVb9fvwzndWph+3Vh8sHgHxvRra/t93YZEFtvIpzb7Ta/epc2V81hlNVKSCClRahjoUSo7DpRh6ndbUF0D3Pur8JASe9HTZkWbMDXa9oUGmllpZRv13LeGrxEcSB4N+T5CzXRWqLDDDuWpWhMh06zfcNpryDfocRs0C2Zttv3THp2LP79X13PDSGTuut0leOXbzXh1wea4zg9i57TeoaOV6H7PTBRZVG0tNNDsCgujYM2YE3ng04A57faQZ+KRkEAwo7y1sH66khnLtRfTMROZOw4gisAmzAjJj4d/zFqLT5YURU1NfLCsEou3FGNEWO3hrSqulFogIlMK45jxkgZNJU/MXocNeyJnvgyaQdbuLlHdb2Z50cKt3vBlX150qHY5NysdAOpVM4uHiR+vqLet1IGOEmB+KhavIorAJpxSBKt3Hsaf3lmC/g/PiXrcL4eOYVXYMDleiaurzUkkZsYrGjRzPzN3PSZ8tCyiDf0HDeUZ7cSuLLWxCH5fF/RqBSDgITTXosydRmstx4O4kwYQRWATTqU//3KtvuC7UL/7eJVXZnpKxHTDI5/5RrOZzAzV2TgjtXZ50ZYDmLtavQ7xLW/9FPU6T89db4I0x4kVLOaW2g6/ejYw53CssrreiNFsXv7WmCkxHtxWctMpRBHYhFpyLzdSUV1TayapjtNr595PVkQ066z85TCKy7TlpTHjK5uzeje+XX88c2pVnF418UT5RiPWpG60iWs7CY4Sd6mMGBMBtyhcpxFFYBNujbwM9xXfsq+sdlu8jeb6PUdUba/BiWu7g9OufOV4WgG1uYvwOsR2EKuhj/e7F/Tx1sJtEWtU+wlRBDYRy0bvFGdMnldnfcQz39TWHq4wkD5ZLYIz2LZpNZO99p35poLMtPoe004M1oKms7zx01UnsZ3yoonEzJXHcy01zrDO6/z8J/Un2gO0FdOJxHCLTV5eQBSBDdz3SX0vCSdYExJXMH/tnohFV4K9UbMnLINzDlU1NZpGBduLzXflvOGNRfW2GVF48ZKcRLXRudtVajhMX+YuRRDK4WPWpWlYF2dReSdSoCQSoghsYOr37ijzOPW7LVinuEde+9oifLY0emNz1GQ7ddA8du7jX+EFh7KUqtUoqM2waiPJSVSraIN/3164Fa8qE6bSrGmnvKpad/ptoS6iCHzEf3/cjoKnvq5tkGOl/73nf8ZHMmUVVTh0tBJ546fjlAe+qN3+3LwNMc8deXJrw/ePRkVVDUqOVWKPSnlJqzl8rKr2d2jeKA3b9pfhro9XYJLiQtmmaYbtMrmFw8f0TeA+aILbad746Yav4WVEEVhMvNWprKKGgVIDRVb00vPeWfjzu0sA1E1lfUxDLeDcRumWyJQ3fjqKSysw/sNlOOn+L9CqSQNL7hOLexST4dpdR/C/JXUztw/u6s1U62Zw8v1f6HpvzPbo8iOSa8hiXvgyds/XbuzuAc9TCUA6s0tzW2UI59QHZ9cun9G5me15oIDjMR53fby83r5KB+Yt3ERVDSNNmQA+Ul6FBRv2ITcrHae2z6537Jqd6tHgejlUVokmDVNjH5iAiCKwmNW7zHlIzWTYE8aLuhulb/tsrN55GN1bZalGd57ywBe2+Xh/t9FdUcX//XEbSn2eNz9oNnt9wWbcr+Q+atIgFUvvO7/esfs11kuOxZ0fLsOLV/Uz5VpeQ0xDVuMuy5BrWLPzMIY//Q1mrdxdp3e+YMM+5I2fbmugzzQHRgPRmPDRcvy07aDTYjjK1uJSfL1ub60SUMNsZbm86BAu+/f3pl7TK4giEBzhi1WBVA83v7kYxaUVtUFdoYnO/IzfRwQFT32Dq1/9sc628FCBXvfNwnuLtqNBarIp9yw6eBQLNxdj0KOBTLHrd5dETdaYSIhpyGJ2OeCR4kUG/2M+crPSffPixcIrGUrtpKyiGoVbivHsvA14/NJTAAB3fLjM9PvsPHQMX6zchXH/WQwAmP3ns9C1ZRYAYPqyX3Bqh2y0dsjBwCrIi4EY+fn5XFhY6LQYmjj7H/Ox1YEUBoKQyJzYslHcwWfxsO6h4UhOInS+K1CIccvkkZbfc29JeW3678rqGqQmJ+FIeRUapcfffyeixcycH77dFNMQERUQ0Voi2kBE41X2pxPRu8r+hUSUF7JvgrJ9LRFdYIY8bkKUgCCYz+7D9o4c+z74Be6ftrLOttLyKqwwYMqsqWG8vXAbqmsYh8oq8dScdTikFBZiZvR/eA7W7y5BRVUNuk78HPPW7Ebv+2ZhT4n5VgbDioCIkgE8D2A4gJ4AfktE4fUJrwdwgJm7AHgSwN+Vc3sCuBxALwAFAF5QrqeL8qpqw+kQmFk1TL2sogoFT31de/2t+0s1ZYZk5noyScpbIRx5JOLD7qyhpeXV+M8PxzMElFdVo9d9s3ChkqZ7za7DWKc02sFU7rHaiU37juCuj5dj9c7DmPr9Fjw1Zz3+/fVG/LTtAK55LZAKZe+R8tpMtde9HrCC3PTGYny4eAfOffzLOterqKrBzBU7sWmv+kgp2ryTGXMEAwBsYOZNAEBE7wAYDSB0un80gPuV5Q8APEcBn8HRAN5h5nIAm4log3K9mFP3P24uxvbiMgzslIORz3wb0M4PXIAMZeLoaEU1UpPr1+FlDhRNYWbUMPDLwaNol9MQHSfMQIusdPw4cRiYGW8u3IaUJEJmegrW7CrBDW8U4ut1Ab/viSN6YGCnHMxcsQt/HNoV24vL0LVlFm57Zwn+t6QIn/3fmXh67nrMXlU3973LYssEFyCPhDfpdvfM2uW1u0pQ8NTxxHXDerTE0B4tMOGj5dgyeSTW7S5Bg9RkNG2Yite/24K8ZpnISE3Ggg2B9OgXPvstRvc5AQDwwpcb66Rf+deXG7EmzAX95+0H8fP2gwACOalyMtNQdKAMM1bswrw1e9C0QSp+3bcNGqQlY39pBfI7ZKO0vAr3f7oKyY1btFX7fwzPERDRGAAFzHyDsn4VgIHMfGvIMSuUY3Yo6xsBDERAOfzAzG8q218B8DkzfxDtnrkde3LmZY+p7rtyYHvkZKbhmXkbMKBjDpo0SEWbpg3QPqchpny9ybLJ2yHdcnUXgREEQbCTopduPly5f3uT8O2e8RoionEAxgFAcuNcZEY47s2F22qXf9xcbINkAUQJCILgerhG1V5lxmRxEYB2IettlW2qxxBRCoAmAPZrPBcAwMxTmDmfmfMzsuqHmQfp1jIL/Toc39+0QSo65WaiQKm5ahVm+TILgiBYiOq0lBkjgkUAuhJRRwQa8csBXBF2zDQAYxGw/Y8BMI+ZmYimAXibiJ4AcAKArgB+RAy6t8rCXy8+CYVbinHVoDxc8u/vUVFVg2X3n19bo3Z7cRmaNkxFVkbd3CF7S8rBzMhMT8Huw8ewvOgQRvdpU5t9cM2DBQCAcf9ZjM65mejaIgt3fbwcHZo1xNb9AQ+g24Z1Rc/WjfGvLzfi4V+fhJ2HjuLc7i1w4t2fo7Ka8faNA3HrWz9rLskoCIJ3GT+8OyZ/vqZ2/aQ2TTCgYw5e+XYzFt41FOt3l6BhegraZjfArW//jNM65aCiirF212HMVywJw3q0wJzV9XNytctugO0HItflGN67FU5u2xTbikvx07aDWKvMJ/RonYWiA0eRkZqMgt6tsOPAUSXnl3oRWVPiCIhoBICnACQDeJWZHyaiSQAKmXkaEWUA+A+AvgCKAVweMrk8EcB1AKoA3MbMn8e6X3gcweZ9pchMT0aLrPhT927bX4ZmjdKQGeaju/9IOfo9NAcrHwh4ti7cvB8nt22K5hEyY9bUMJKSCKXlVThWWY1+D7mzMpkgCPGRlpKE78efW/tub5k8El+v24OU5CSc2DILqclJaJyRgq37y5DXPJIRG1hRdAgXPvstXrumP37adgDPztuA35zaBoO75uI2JWPvf64fgD/+92ccKDvuJdU4IwW3DOmMv89cWyee4UBpBf799Uac17NVHasIEHCSWV50CKe0y1aNI5CAMovxe55zQbCCJg1SbXchHd67FT5fESjZuWXySGzaewRLdxzEr/uqOuLEpKq6BvdNW4l7LuyJ3YeP4bZ3l+CZy/uiXU5DMDM6TpiBz/7vTLRukoF+D83B45ecgtvfX4o5fzkbHZtn4lhldb2OaywiBZSJIrCYbnd/XicPvyAIxmnZON3WoLJFE4chMz0ZPe+dBcCeyOKftx1An3ZNQUQoOngUJzTJwNrdJejeqnHc17Q0sliITPdWWU6LIAgJw4Th3QEAb1w30NL7jDurU+3y2zcORG5WOhqmpeCOgm6YdusZlt47SN/22bUp2ts0bQAiMqQEouEZ91Gv0ja7IZbukIyasXjrhoHo1yEbz83bgOfmu6+Yj92c3LYJlslzU4eczDTcdHZn3HR259ptE0f0wJNz1qGswtz62neN6IHTOuWgXXbD2oRzAPD7IV1MvY9bkBGB4AjBkdJ4pYd3RpfmyEhNRo/W1vR4vEbDNH/30aZeN6D22QhSHRaaP/f2s3HtGXmmKYHGGYHvPGj2Obd7yzpKIJERRWA1kkxGlQt6tcKLV56KGwd3wuZHR9RuH3FSK6yaZG/uwbxmDW29Xywu6dcW+R0ix8r4gf552bj57M64elCH2m3h85mdcxvVSyFjhJPaNrHF9u9GRBFYTEsDLq1W8fq1/Z0WAZv3laKgd2skJ1GdUpVEhIZpKdgyeSQuy28X5QrmcXOIqcENPHbJKWjq09q5QVKSAk3TpNG9sWD8ubhxcEc8MLqX6rHpKeY0Y5MvPtmU63gRUQQWc0dBN6dFqEdflQLgdvPpstjlIRumWxetPfvPZ2FAxxwAzlVFa9Ig0NgX9GqFMf3quiCm+DxVbXLI/9+maQNMHNkzopvmSW3qpc6Ji3Y57hoZ2okoAovJcGHqicw0+2T6YcJQFN49LK5zj5o8ARhkzYMF6NoyCy9dnY+v/3YO1u0uiX2SBXz2f2cCAG48q2MdEwgAX08Uz7xtcB1FEItWTdw36vYaogh8RM/WjTH1ugG1dtW/XRB9tHLrOcY9JFo1yUDzRunY+MiI2vQdAHDlwA5RzgrwzqLthu+vRlA5N2mQivbNGjqirBtnpCBJaez2H6nAyW2b4sbBnXDlaYHvZfUuZ5STG9DrIvnQRb0N39OvcwNBRBHYQE+XeMI8evFJOPvEXACBRv6KAe2jHh8tPF4vyUmEJGUu4MNbBuG+X4XXLnKOOwu6xz7IZGoYSFa+j1TFxj1xZI/aRs3fhiF9NG2YJkWfDCKKwAZm/Gmw0yIACPimB/nrBd2QnZkW9fg0kybhggSH+7mNMjR5e1hhJ3/p6npBlbWJCu2kqqam1qTRPLN+3qrg/IUbCc5tuAlSz6UmaEQUgU189bchToug+rJ88oe6UZKvXdsfH94yCACQlhz/y6VWYDvYridpfOomjOgR9/0jofYf1TiQZiXoE7/mwQKc1Lb+ZGf4nIHThKZxtzLHT7wmmvAYAz24wYvOaUQR2ER4Omy3cEq7pnXW++floE+7gFdRitYWWwVWKcIYVERae29m9fEmX3xS7XJFdf28T+0d8BYJfreR5ieMfPeCdkae3BpDurVwWgzHkafNJrxiw8xISaqVVY/nRigf3DwINVHy7GVlaIuaNeM769chG5f1jx6PkKThRlk6szzG4sWr+kXdn5Hqrlczp1F0M6JX6eBjl9FQ3PW0JTBaGhsrGKjT1pySnBTSc4/vngfKKiOaW7ZMHmmrTT40YK1Jg9TayfJwbhvWNep17jV5cjuSHEEau8QOv/GRQNR344xUyz1rnEjQaMCilFCIIrCJZIcms/KaZWJMv7b49NYzox6n1vtPilPm1GQyxe5uxjsa/LfO6NIML12dHzF/+zWn50W9jtkT57FwS/xJ8Ln4cfN+AMCHt5yOId2iK7F4+dwBpwovpuG3An9ntvIBD4zupalR6Z+XjXfGDaqzLTdLvQpbLJiNTd6FXscoQWX21g2nabpXVkYKSo5VWSKL12ib3aB2+adtBwEETG1GOzV/PLcLnplXP8OsE54/PvxZVZERgU3orSRkFlqUwMK7hmJKmFvluoeGx50JtE12Awzp1gJnxTB/2IHWtiU7Mw1f/nUI+uepm9LUJr/18PHvT69dXvtQQZQjnSeYFuXpy/vWbrvnQvNMY38+78R6235zanxVvoxSI7YhAAYVARHlENFsIlqv/FVNYkNEY5Vj1hPR2JDtXxLRWiJaonwSevq+a4tGtt6vo8aAsJaNM+rZ7Y2YQk5smYVXr+mPN64bEPc1APt7a3nNMyN6KhkdEYTmd4rX5KYFM8wrGSmBzkOLkBFhaOyA0d9FrefvVGxCy8aSngIwPiIYD2AuM3cFMFdZrwMR5QC4D8BAAAMA3BemMH7HzH2Uzx6D8riaKwZGj+Q1m9Ym5mAZ2t1+HW2G/TbVxDTFZmGlIjDSoAbTccea37HCrt7zBGei7687s6Mj93UbRt+S0QCmKstTAVykcswFAGYzczEzHwAwG4C7x8YWYbeducrEYa8Tc92X9DOehvrB0cbz0ADGfrvwdNrxuuVqwYiSOTWkBsIrY/PRpmkD1ePOtaBTEJ591S6s/C28hFFF0JKZdyrLuwC0VDmmDYDQ7GE7lG1BXlPMQvdQgseJN7PZF7tdtrd9pJuYkJO/ReP4JrzNpKD38ajc+y3OsaS3XQt1CHjk14HAO2ZgaI+WEV2erxqUhykhcRBf/nUI/vcHe+r4GsXseJBEIaYiIKI5RLRC5TM69DgOjBf19pt+x8wnARisfK6KIsc4IiokosK9e/fqvI07GHXKCbbda1iPlnjkYnN6w4D2OYNmMfIX2U16ij43zBtDipaHYtbYysyKWmro7UsF8zllpafUOhaET4w/NubkOsoMqDvyaJCW7Jn6CTI1rE7Mp5KZhzFzb5XPJwB2E1FrAFD+qtn4iwCEjo3bKtvAzMG/JQDeRmAOIZIcU5g5n5nzc3Od90aJBzsHPFkZKbobQTWG9QiYAbTK/s9LTzF8Tyc5rVOzetsu6nMCBndtHvc1gw3ruLM64byeaoNm89Br6khR8klVR7F9XZLfrl7uqND7EOm/75+GHg/gs9MsdP8o9Spnfsdo92QagKAX0FgAn6gcMwvA+USUrUwSnw9gFhGlEFFzACCiVAAXAlhhUB5BwaxEai+P7R+IKNV4ucqqKLklPMqdw7sb8i4J/hR3jeih6zrrHx6u+156O+bBmIC3b4weZxFOaL8gLTlJd2nNUBfSf15iX+fBqbkIt2PUYDYZwHtEdD2ArQAuBQAiygdwMzPfwMzFRPQggEXKOZOUbZkIKIRUAMkA5gB4yaA8gkVoVSztXVYI3gyyGxozd8Ufoa2/n9ZAZ/W5oKmqT0jyQS0/dWhSvKYN09BE4/Oh1aVZsBdDioCZ9wMYqrK9EMANIeuvAng17JhSANEzbwlx40QkbGoy6a4uZSXBUpBGmKQxMjvIWzcMxO9eXlhnm13pKf73hzNAOnO2qkUJa/E2C0+OqtV0GBpbkpOZhuLSCk3nCdbiPidrwRTMzrGvJRiusto9U3ErHrgAvU0oaq63V35Gl/pzCXrNJvFC0O/mq3b8f3/cFvM8M2IhFt89DD/eVa8fGRdPX97HlOv4FVEENhNvIXenuW1Y/bQAbkatME48qE3uXnN6Hp67oi/SoiiJX/dtg6X3no8fJw5FrxOMKyQtEOmv4aDWoB/WUHgmXjUQ2kEhIrQwKbI3r5mYnIwgisBmmjeyx6/d7L65U2m0nUbt97ptWFdcePIJUXvfAzvmoEnDVLTIsi+FAYF0e6bFG1AVrwfcsUprnAn0jlAuzZdJ41BEESQodqfXzbbJ/OEGgtXmpv9RPa/P69f2x0V926ju08vP95yn+dh43Djj1e/xWoZObGlNvi3dJjHT6t8lBhJmJ5jCtFvPRKVKGUgv8tq1/XHta4vqbR87qANG9TmhtrHtEmHexMzSh9k6AvSCjWFuVjr2lpRrOsfukZ5VsTRaLts/L5BC47ExJ6umGvczMiJIUOz2GmqX0xCdcu3NrmoVfdo2Vd3+wOje6Nehbprqn3T02K0m2MvV09RmqAQdanl03GYp1NLDD+auuiS/neQYCkNGBAmKGYVh/Ep2Zhomje6FI+Wxe405mWlo3igd+46UW17KMRbBXrGeTvcNgzvizuHddd/LbYV6wt1Z1ZDGPzIyInCAm85Wz2djJmZmHg0Sq9ylW1hsgmfW1YPy8PshXUyQxj6CE6anRBjRqNEgNblOMJnW893kKgzot/kndnpL/YgiSFCssNef1LZJPW+LrIwUZKS66zFqZpNn1nHc0SgGG7cXfneqoeu0y4kdHR4ccd41Qv9owgq0dPZDG3/RA3UR05AT2NBulFuU8+cfY07BwI7NcPv7SwE4U3BcUCfYuBnJcDrztsER6xCEEqxnPO6sznHfy0wSPIO95YgicIAcG1I1V1iY/C3UFt3W4zUPEonwxjArPQUlGuY5QtGaIiSveabjcyKhaNEDoccM6twMp7Zvapk8XsNdY3qfcL0N5fGszA8ffKGeuqyPZffwEu/eNMiUvEZGCW8MNXWSE6QjrTegrEuLLHz0e28U07EDUQQOYFZxkk8iVIV6ZWw+/nWl9fn8RvcxJ2jKTF6/tr/t9+yc28iUvEZGSQ1znfGTl4w2neef70Mvogg8TPMs9UnRri2y6pQgNJsuuVmWXdso3Vq5VzarCRaZAYABHXO0pc92xzy3YcxIgudnRBF4mEiPfmiDYAUntW3iKvuwn/nNqce9uEJjR967aVBc9Qys5M3rB1p2bdEDxnDXkyLoItLQ3yv1YwVtvHjlqXX+hpKvpE0AUG8UGF572Gn0Fs3Rg5/MYFYgisDDROoF+fmlaKCjiIxXKOjdWlmK/rvqKaBjRe98aPfoOZaqLMxFpaXzI6OGyIgicAmTRusvqk0g3H5e/ToBmSbl4vcas247C00NlpX0Gh00BH+p0aSB+dliX7km+kS9FdHutUgjbwhDioCIcohoNhGtV/5mRzhuJhEdJKLPwrZ3JKKFRLSBiN4lIn+9xSEM61G/AEosiIB+efW/cj09w0QhOYl8N1G8ZfLIiBlQo3HN6XnHzzO5Af3tgHYR91npWSWTxcYwOiIYD2AuM3cFMFdZV+MxAFepbP87gCeZuQuAAwCuNyiPZ4mnr0QQlzi/MUOpgbBQKfGo57kZ0i0XAHD/qF6W2ev/rDJCDWLFKCSIXQWfEhWjimA0gKnK8lQAF6kdxMxzAZSEbqNAGOS5AD6Idb4fsLuQTKLhB3VIBPQ8oXHtMqAvC6hatHlLk0pF1uLgYzzqlBOcu7nHMaoIWjLzTmV5FwA99o1mAA4yczAGfgcA90Uo2UQ8ekDyqxzHUvuzSwg1+QVHgjU6HpxrTs+rs75l8kh0TpAaEkBgpCPER0xFQERziGiFymd06HEc6NJa9jYS0TgiKiSiwr1791p1G9toZkK+IYKMJEb3CfQCO+UmdvHytJQkdA2ZD6gdEei4xvm9WmHVpAvMFcxFxOoWSccpMjEVATMPY+beKp9PAOwmotYAoPzdo+Pe+wE0JaKgi0tbAEVR5JjCzPnMnJ+bm6vjNu5kcVhlq3ja8yQi1cliP9KpeWIrgnUPDccJIVlBGymeYXo7Ag3TrPUoc7Jb0ihD/X9b82CBzZJ4D6OmoWkAxirLYwF8ovVEZQQxH8CYeM5PNKIN8SM+yASkq5QaFBKbLZNH1pqJ0lwWPezkADVSJLUfvej0YvQpmgzgPCJaD2CYsg4iyieil4MHEdE3AN4HMJSIdhBRcHx6J4C/ENEGBOYMXjEoj2eJ9v5EepAb+TReIJTgYN+vFrIWUSZ7/fqdCPox1JIw834AQ1W2FwK4IWRdtXoJM28CMMCIDIlCPLb+YARxw7RklFVUmy2SJ2AAN53VCWd2be60KI6Rk5mG4tIKp8UQPIy7xpU+ZcvkkYZsq3eP7GmaLG7j4lNjO5JNGNEDg7t6f97IbC7NjxzcZRVuy28UikwVR0YUgUvQOyB447rjA6krBrY3WRr30LSBb4PNNXOsUn00eONZnWyWJDK/H+KOkpaCOqIIXMIJTTMwWId5o1+Hut5C5/XUn6LC63TOzcSZXfxrEgry0e9Px/Q/Ol8hDYjcobmjwB1F7gV1RBG4hIZpKfiPjoyQ4YnlXro632yRXM/c24fgEgfMH26je6vG6HWC8xXSAOtrYcTLyJNbY0DHHKfFcC3idiK4GokB8hYtskxOWWGQ684I1Ad//or6tRyE48iIwEHUcudf0Mt/Jh4hsdj4yAjcOLij02IAAE7t0NRpETyBKAIHUZvkvfK0DoaumWg96AT7d3xBchJJOgePIaYhB7mjoBtuOttczw4pUym4gbxmx1N+bHpkhIOSCFqQEYGDpKckm25TTbQCHQn27/iG3w5oVxv5nuRg50TqdWhDFIHLMJoWINHqFYuJwZsQES7vb79Hl9kjbL8gisAjFPRqpek4K6tACYIefFAiImGQOQKXEakDrMU/+9s7z4mYgdGryHjAu+gpmmMWYgqKj8RqNRKINiG55wFtk8BtsxuaX3rQaeS99ixOFE1yc64jNyOKwCMkJ/nzp5Ienndxg2nIiVGJF/Fn6+JBEszioxmZKzaGnvxVZlPtAtPQnNW7bZfBi8gcgUdING8gwV6euPQU2+95y9md0bddU9vvG0ppuT/rdOjFp/1M7zHqlNh5+RMRUX/mcFEf+5+fdjkNbU8K2Kpxep11MQ1pQxSBy+ic20h1+6DOzdDH4d6VE0T0opIRkiaCzgNOBnXZydWD8uqsd22h/j4JdTGkCIgoh4hmE9F65W92hONmEtFBIvosbPvrRLSZiJYonz5G5EkETgjzFgqlfU5DAECrRPMMikKkyeIF48+1WRJv8tBFvbFo4jCnxbCNcIU34qTWDkniLYyOCMYDmMvMXQHMVdbVeAzAVRH2/Y2Z+yifJQblSWiCveMJI/xT5CPSiKBFVrr6DqEOGanJyPXxd5VoKVeswqgiGA1gqrI8FcBFagcx81wAJQbv5TuW338+1j88vHY9RXEh7RCS0Mtv3HpOFwCSekLQhjwm2jCqCFoy805leReAeJLpP0xEy4joSSLyb9clhDsKuuGOgm7IykitEyl8z4U9AADJPnq6w//Tm6X2raADGRFoI6b7KBHNAaCW6GZi6AozMxHpnaKfgIACSQMwBcCdACZFkGMcgHEA0L594hZrB4DfD+miur1pw0Ahd1+5koa9yE5EqwrepWlDyb2lhZiKgJkjzjQR0W4ias3MO4moNYA9em4eMpooJ6LXAPw1yrFTEFAWyM/P93VrkJ3pn4fbRypPsIBozhfCcYyahqYBGKssjwXwiZ6TFeUBChh8LwKwwqA8Cc+mR0agdRP/PNwtwvzCfd0DEDQx67aznBbBcxhVBJMBnEdE6wEMU9ZBRPlE9HLwICL6BsD7AIYS0Q4iukDZ9RYRLQewHEBzAA8ZlCfh8Ys/eJDf9m+PxXcfH5SKZUiIhVotcCE6hlJMMPN+AENVthcCuCFkfXCE88UZXIhKUhKhWaOQUYEoAiEGMj+sH4ksFjxFeqo8skJ0/DZqNgN5qwRPkZGajC2TRzothuBiRA/oRxSBIAgJhZ/ibMxCFIEgCAlFY6nbrRtRBIIgJBQZqcno3irLaTE8hSgCQRAEnyOKQPAMF/U5wWkRBI8gSQn1IYpA8AwN06WyqqANUQP6EEUgCELCIQMCfYgiEDyDvNuCVkQR6EMUgeAZ5OUWtBKpxKmgjhhdBUFIOP5wThes/OWQ02J4BlEEgiAkHAW9W6Ggt1o9LUENMQ0JnqBzbibO7JLrtBiCkJDIiEDwBHNvH+K0CIKQsMiIQBAEweeIIhAEQfA5oggEQRB8jiFFQEQ5RDSbiNYrf7NVjulDRN8T0UoiWkZEl4Xs60hEC4loAxG9S0RpRuQRBEEQ9GN0RDAewFxm7gpgrrIeThmAq5m5F4ACAE8RUVNl398BPMnMXQAcAHC9QXkEQRAEnRhVBKMBTFWWpwK4KPwAZl7HzOuV5V8A7AGQS4H0gOcC+CDa+YIgCIK1GFUELZl5p7K8C0DLaAcT0QAAaQA2AmgG4CAzVym7dwBoY1AeQRAEQScx4wiIaA4AtRC9iaErzMxExFGu0xrAfwCMZeYavfnCiWgcgHEA0L59e13nCoIgCJGJqQiYeVikfUS0m4haM/NOpaHfE+G4xgCmA5jIzD8om/cDaEpEKcqooC2AoihyTAEwRbleCRGtjSW7gzQHsM9pIWLgdhndLh8gMpqB2+UD3C+jHvk6qG00Glk8DcBYAJOVv5+EH6B4An0M4A1mDs4HBEcQ8wGMAfBOpPMjsJaZ8w3KbhlEVOhm+QD3y+h2+QCR0QzcLh/gfhnNkM/oHMFkAOcR0XoAw5R1EFE+Eb2sHHMpgLMAXENES5RPH2XfnQD+QkQbEJgzeMWgPIIgCIJODI0ImHk/gKEq2wsB3KAsvwngzQjnbwIwwIgMgiAIgjG8Glk8xWkBYuB2+QD3y+h2+QCR0QzcLh/gfhkNy0fMER19BEEQBB/g1RGBIAiCYBKeUgREVEBEa5XcRGrpLFwlDxFdQ0R7QybJb3BCzjCZXiWiPUS0wmlZgNjyENEQIjoU8h3ea7eMKjK1I6L5RLRKyaH1JzfL4tLvMIOIfiSipYrcD7hZFje+y0GIKJmIfiaiz+K+CDN74gMgGYGI5E4IRCcvBdDTzfIAuAbAc05/d2EynQXgVAArnJZFizwAhgD4zGk5w2RqDeBUZTkLwDqnnkUtsrj0OyQAjZTlVAALAZzmVlnc+C6HyPYXAG8b+Y29NCIYAGADM29i5goEYg9Gizz6YOavARQ7LUcQt8mjBWbeycw/KcslAFbDofQobpJFDxzgiLKaqnwcmbB0kyx6IaK2AEYCeDnWsdHwkiJoA2B7yLrTuYm0yvMbJf32B0TUzh7REo5ByrD9cyLq5bQwoRBRHoC+CPQiHSWGLK77DhWTxhIEMhLMZmbHvkONsrjxXX4KwB0AaoxcxEuKwIt8CiCPmU8GMBvHM7UK2vkJQAdmPgXAswD+56w4xyGiRgA+BHAbMx92sSyu/A6ZuZqZ+yCQXmYAEfV2sSyue5eJ6EIAe5h5sdFreUkRFAEI1cJRcxPZQEx5mHk/M5crqy8D6GeTbAkDMx8ODtuZeQaAVCJq7rBYIKJUBBret5j5IzfL4tbvMAgzHwQwH4F6JY4SSRaXvstnABhFRFsQME2fS0Sqwbux8JIiWASgKwWqmqUBuByBXEeulUdJxBdkFAL2W0EHRNSKlFS1FEhjnoRAwkInZSIE0qGsZuYn3C6LS7/DXFIKVBFRAwDnAVjjVlnc+C4z8wRmbsvMeQi0P/OY+cp4rmU06ZxtMHMVEd0KYBYCHjuvMvNKt8lDRJMAFDLzNAB/JKJRAKoQmBC9xil5gxDRfxHwImlORDsA3MfMjuV4UpMHgck6MPOLCCQlvIWIqgAcBXA5K64SDnIGgKsALFfsygBwl9LbdoUsANoDrv4OWwOYSkTJCCim95g5fvdHC2Rx+7tsJhJZLAiC4HO8ZBoSBEEQLEAUgSAIgs8RRSAIguBzRBEIgiD4HFEEgiAIPkcUgSBEgYiahWSc3EVERcryESJ6wWn5BMEMxH1UEDRCRPcDOMLM/3RaFkEwExkRCEIcKDn+P1OW7yeiqUT0DRFtJaKLiegfRLSciGYqKSBARP2I6CsiWkxEs8KiVQXBMUQRCII5dAZwLgLpB94EMJ+ZT0IgknekogyeBTCGmfsBeBXAw04JKwiheCbFhCC4nM+ZuZKIliOQcmSmsn05gDwA3QD0BjBbSfuTDGCnA3IKQj1EEQiCOZQDADPXEFFlSC6fGgTeMwKwkpkHOSWgIERCTEOCYA9rAeQS0SAgkDraLQViBEEUgSDYgFLOdAyAvxPRUgBLAJzuqFCCoCDuo4IgCD5HRgSCIAg+RxSBIAiCzxFFIAiC4HNEEQiCIPgcUQSCIAg+RxSBIAiCzxFFIAiC4HNEEQiCIPic/wcvziJ0eY2VRAAAAABJRU5ErkJggg==\n", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - } - ], - "source": [ - "librosa.display.waveplot(samples_out, sr=sr)\n", - "print(len(samples_out))" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "id": "infectious-welcome", - "metadata": {}, - "outputs": [], - "source": [ - "import librosa\n", - "x, sr = librosa.load(wav, sr=16000)" - ] - }, - { - "cell_type": "code", - "execution_count": 46, - "id": "musical-anatomy", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "float32\n", - "float64\n" - ] - } - ], - "source": [ - "print(x.dtype)\n", - "print(samples.dtype)" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "id": "lucky-paraguay", - "metadata": {}, - "outputs": [], - "source": [ - "sf.read?" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "id": "annual-christmas", - "metadata": {}, - "outputs": [], - "source": [ - "librosa.load?" - ] - }, - { - "cell_type": "code", - "execution_count": 47, - "id": "infectious-seeker", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "True" - ] - }, - "execution_count": 47, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "np.allclose(x, samples)" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "id": "pregnant-conditioning", - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n", - "import random" - ] - }, - { - "cell_type": "code", - "execution_count": 56, - "id": "logical-happiness", - "metadata": {}, - "outputs": [], - "source": [ - "np.random.uniform?" - ] - }, - { - "cell_type": "code", - "execution_count": 58, - "id": "rocky-plastic", - "metadata": {}, - "outputs": [], - "source": [ - "random.uniform?" - ] - }, - { - "cell_type": "code", - "execution_count": 60, - "id": "focused-compensation", - "metadata": {}, - "outputs": [], - "source": [ - "np.random.RandomState?" - ] - }, - { - "cell_type": "code", - "execution_count": 66, - "id": "centered-repository", - "metadata": {}, - "outputs": [], - "source": [ - "random.sample?" - ] - }, - { - "cell_type": "code", - "execution_count": 95, - "id": "inner-invite", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "array(['3', '5'], dtype=' 1.0, speed up the audio;\n", - " speed_rate = 1.0, unchanged;\n", - " speed_rate < 1.0, slow down the audio;\n", - " speed_rate <= 0.0, not allowed, raise ValueError.\n", - " :type speed_rate: float\n", - " :raises ValueError: If speed_rate <= 0.0.\n", - " \"\"\"\n", - " if speed_rate <= 0:\n", - " raise ValueError(\"speed_rate should be greater than zero.\")\n", - " old_length = samples.shape[0]\n", - " new_length = int(old_length / speed_rate)\n", - " old_indices = np.arange(old_length)\n", - " new_indices = np.linspace(start=0, stop=old_length, num=new_length)\n", - " samples = np.interp(new_indices, old_indices, samples)\n", - " return samples" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "id": "tracked-purse", - "metadata": {}, - "outputs": [], - "source": [ - "samples, sr = sf.read(wav)\n", - "samples_out = change_speed(samples, 1.0)" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "id": "steady-mileage", - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "execution_count": 14, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "ipd.Audio(samples, rate=sr) # load a NumPy array" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "id": "regulated-google", - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "ipd.Audio(samples_out, rate=sr) # load a NumPy array" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "id": "homeless-forge", - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "samples_out = change_speed(samples, 1.1)\n", - "ipd.Audio(samples_out, rate=sr) # load a NumPy array" - ] - }, - { - "cell_type": "code", - "execution_count": 29, - "id": "exciting-blocking", - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "execution_count": 29, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "samples_out = change_speed(samples, 0.9)\n", - "ipd.Audio(samples_out, rate=sr) # load a NumPy array" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "id": "through-botswana", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "66078\n" - ] - } - ], - "source": [ - "print(len(samples_out))" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "id": "cellular-violence", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Collecting matplotlib\n", - " Downloading matplotlib-3.4.1-cp37-cp37m-manylinux1_x86_64.whl (10.3 MB)\n", - "\u001b[K |████████████████████████████████| 10.3 MB 691 kB/s eta 0:00:01\n", - "\u001b[?25hRequirement already satisfied: pillow>=6.2.0 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from matplotlib) (8.1.0)\n", - "Requirement already satisfied: numpy>=1.16 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from matplotlib) (1.20.1)\n", - "Requirement already satisfied: python-dateutil>=2.7 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from matplotlib) (2.8.1)\n", - "Collecting kiwisolver>=1.0.1\n", - " Downloading kiwisolver-1.3.1-cp37-cp37m-manylinux1_x86_64.whl (1.1 MB)\n", - "\u001b[K |████████████████████████████████| 1.1 MB 45.9 MB/s eta 0:00:01\n", - "\u001b[?25hRequirement already satisfied: pyparsing>=2.2.1 in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from matplotlib) (2.4.7)\n", - "Collecting cycler>=0.10\n", - " Downloading cycler-0.10.0-py2.py3-none-any.whl (6.5 kB)\n", - "Requirement already satisfied: six in /workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages (from cycler>=0.10->matplotlib) (1.15.0)\n", - "Installing collected packages: kiwisolver, cycler, matplotlib\n", - "Successfully installed cycler-0.10.0 kiwisolver-1.3.1 matplotlib-3.4.1\n" - ] - } - ], - "source": [ - "!pip install matplotlib\n", - "%matplotlib inline\n", - "import matplotlib.pyplot as plt\n", - "import librosa.display" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "id": "undefined-parade", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYIAAAEKCAYAAAAfGVI8AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/Z1A+gAAAACXBIWXMAAAsTAAALEwEAmpwYAAA8K0lEQVR4nO2dd3hUZfbHvycdQoAEQpEWmlQVJICoKApqABdcF8u6KlbUXX+77rqrIFZs7Lr2si5WXHXtrigI0myoSFB67xDpoYQEUs/vj7kTJpM7M/fO7XPP53nmye33ZObe97zveU8hZoYgCILgX5KcFkAQBEFwFlEEgiAIPkcUgSAIgs8RRSAIguBzRBEIgiD4HFEEgiAIPscURUBEBUS0log2ENF4lf1/IaJVRLSMiOYSUYeQfWOJaL3yGWuGPIIgCIJ2yGgcARElA1gH4DwAOwAsAvBbZl4Vcsw5ABYycxkR3QJgCDNfRkQ5AAoB5ANgAIsB9GPmA4aEEgRBEDRjxohgAIANzLyJmSsAvANgdOgBzDyfmcuU1R8AtFWWLwAwm5mLlcZ/NoACE2QSBEEQNJJiwjXaANgesr4DwMAox18P4PMo57aJdcPmzZtzXl6ePikFQRB8zuLFi/cxc274djMUgWaI6EoEzEBnx3HuOADjAKB9+/YoLCw0WTpBEITEhoi2qm03wzRUBKBdyHpbZVu4AMMATAQwipnL9ZwLAMw8hZnzmTk/N7eeQhMEQRDixAxFsAhAVyLqSERpAC4HMC30ACLqC+DfCCiBPSG7ZgE4n4iyiSgbwPnKNkEQBMEmDJuGmLmKiG5FoAFPBvAqM68kokkACpl5GoDHADQC8D4RAcA2Zh7FzMVE9CACygQAJjFzsVGZBEEQBO0Ydh91gvz8fJY5AkEQBH0Q0WJmzg/fLpHFgiAIPkcUgSAIgs8RRSAIguBzRBEIgiD4HFEEgif42/tLsXirpKASBCuwNbJYEOLl/cU7kJ6ahH4dsp0WRRASDhkRCIKQcKwoOoSZK3Y5LYZnEEUgCELCMeGj5bj5zcVOi+EZRBEInsGDsY+CQzDkYdGDKALBM8irLWhFOg36EEUgCELCIYpAH6IIBEFIOEQP6EMUgeAZ3l64zWkRBI/gxWSaTiKKQBAEweeIIhAEIaGorK7Bml0lTovhKUQRCIKQUBworXBaBM8hikAQhISiRqYHdCOKQPAUFVU1OPHuz50WQ3AxNTJRrBtTFAERFRDRWiLaQETjVfafRUQ/EVEVEY0J21dNREuUz7TwcwUhlKMV1aioqnFaDMHFiCLQj+Hso0SUDOB5AOcB2AFgERFNY+ZVIYdtA3ANgL+qXOIoM/cxKofgE8hpAQS3UyP9BN2YMSIYAGADM29i5goA7wAYHXoAM29h5mUA5CcSdDFj+U7kjZ/utBiCh5ARgX7MUARtAGwPWd+hbNNKBhEVEtEPRHSRCfIkNHnjp2P/kXKnxbCNtWFugEkyIhBiMPKZb5wWwXO4YbK4AzPnA7gCwFNE1FntICIapyiMwr1799orocvYU+IfRRDetyMSTSBEp7SiunZ5n486TUYwQxEUAWgXst5W2aYJZi5S/m4C8CWAvhGOm8LM+cycn5ubG7+0HmD+mj1Ysv1gve3HKgMPeLWf/ONkmC8YYM9hUQRaMEMRLALQlYg6ElEagMsBaPL+IaJsIkpXlpsDOAPAquhnJT7Xvr4If3jrp3rb/zFzLQB/KYLw/3Tu6t2OyCF4E5kv0IZhRcDMVQBuBTALwGoA7zHzSiKaRESjAICI+hPRDgCXAPg3Ea1UTu8BoJCIlgKYD2BymLeRr8kbP73OROn+0kDv5kCZfyMn//TOEgCSVEzQhjwm2jCleD0zzwAwI2zbvSHLixAwGYWf9x2Ak8yQIdFQM4UHH+oHPl2FId1a2CuQQ0R6kcurapCRmmyvMB6kpoZRw4yUZDdMB9qPjAi04c+nw8UcVHr7as9vsZJDZfO+UjtFcpRIJQeHPfGVzZJ4k7/PWoPu98x0WgzH+GHTfqdF8ASiCFzG8qJDqts37DmCbzfss1ka54nUodtx4Ki9gniUVb8cRpWP5pQ+WVLXT0UUgTZEEXiEV77d7LQIjuCfJsxanGgQDx+rxLIdB2295+qddeNOkpOkidOCfEseoVri5gUDXD7lB9vv+cQX6zDquQW23zcUn06N6Ea+Jo/gp+F9KDLXZ4yFm4odu3eVCzovBb1bOS2CJxBF4BFq/KoIxDhkiIpq5xrjJAeiwMOfl7Rk8SzTgigCl1J0sO5kaLWG9rDkWCXKKqosksghRA94FicUgRAfoghcRiRTiJYRwbAnvnLEFmwloge8i+gB72BKQJlgPdOX74x5zO7D5ThyLMFGBIJnkRGBd5ARgcsw+u5UJ9jsqqSS8C4rIsTEWMl7i7bHPkiohygCB2FmVJk8mZdoCelED3iTWSt3YeFm+z2WDpRV1lkXZwNtiCJwkBe+3IguE80txJ5oikDwJou3HqhdPmPyPAclEbQgisBBPltW3+4f+gLFQ6LpgQT7d3xDqIUz3ANOcB8yWewgq3cerrftqTnrHZBEEMzjdy//gAUb3JHjp0hyUmlCRgSCq5E5Am9xoLTCNUoAAB79fA0A4L8/bkNpuXjURUIUgUuoqq7Bawu0J5Yrr6qus/7yN5vMFsn1/PX9pfhmvb/rVwPA7sPHsOvQMafFAAAcrayOfZADTPhoOeau2eO0GK5FFIFL2LK/FA98qr0427pdR+qsPzR9tdkiuZ4PFu/AB4t3OC2G4/z6+QU4+7H5TosRFSkx6m5EEbgE0hlA8Kvnvq1dTuSc6+L+F5tjVTUor6rvhjxzxS7bZYn0GF8/tdBeQQRdmKIIiKiAiNYS0QYiGq+y/ywi+omIqohoTNi+sUS0XvmMNUMerzH6uW9hJI7s2tcWmSaL23htwZaYx0xfthMb9hyJeZzfePyLtbbfkww9yYJTGFYERJQM4HkAwwH0BPBbIuoZdtg2ANcAeDvs3BwA9wEYCGAAgPuIKNuoTF5j6Y5DukcEwPGo20oHM0y6gT+8/RMeneE/01iQSHmoJMODoBUzRgQDAGxg5k3MXAHgHQCjQw9g5i3MvAxAeIt1AYDZzFzMzAcAzAZQYIJMniPaOxvpRT+s5BXya60C4Pj35tdGr7i0AgePVsY+UBCiYIYiaAMgNMHHDmWb1ecmFNESdHW6a4b6DpZcPMf/e/9ogsv+/T0qlDmBaC6RTjwaTipkv9bsMAPPTBYT0TgiKiSiwr17ve8yOPbVH+usx/MCMRiLthiLRE4U9h4pd1oES7lhaiEOllUAABZuLsbhY4FRQFKSuxSgk9IcijAyyhs/3WZJvIcZiqAIQLuQ9bbKNlPPZeYpzJzPzPm5ublxCeomvlpnXJkxu6McoJN8suQXAMDS7QedFcRi5qzejeUh2TyDvX09De/KXw4ldKMo44H4MUMRLALQlYg6ElEagMsBTNN47iwA5xNRtjJJfL6yzXfENyIQL40gLusYW8LRiuPBWkG3Wj05/x/6rO6E+okTP8cvCZQH6JVvowdV+t2MGg3DioCZqwDcikADvhrAe8y8kogmEdEoACCi/kS0A8AlAP5NRCuVc4sBPIiAMlkEYJKyzXfE6zXk10nScOL5/rwGA9hbUn58BdE7EOH7UlPqvu4V1TXYsr/UPAEd5sWv/BddbxamzBEw8wxmPpGZOzPzw8q2e5l5mrK8iJnbMnMmMzdj5l4h577KzF2Uz2tmyONF4mnGGJKLx2/0f3gOAODCZwMBhXqem68Vc+ScVbstm1j9YlXkCGIr3ZwPllVICnYDeGayONFRy0QaC2ZgW3H9Hp0f4wqqaxj7E3zCOJQ9JeXIGz8dO+PIMXTDG4VY8Ysy32By23n3/1ZE3Ldwk3WD/QofPvNmIorAJcQTgs9g3Pnh8nrbS3xat7jfQ3NwJIEzTKqN/lbF0YEArIk9eXZu9BTqKckWmu9kMGAIUQQeJpJZyM+eREcSUAlGGy2GNq16TCMXv/CdAYnUeXz2uqj7Uy1UBFpqdYsZNTKiCDxMpBffz7bSRExSN/zpbwAAN7+5uN6+X0JMQ+EeQJo8ymycY09Jsq65qapOvN/dTkQReJhIj77VL8XmfaU49/EvLb2HoI1nQswxySE+tC99vUlTL9lORj+/wLJra/lXE7GTYBaiCDxMJM+PvUfK6/icm83S7Qexaa873Q79Oj8C1B0JPjxjta8mz2tcpvS8higCBzArsGXwP9SLkVz8wnf44zs/m3IPNYI9q2U7Dlp2j3g5/8mvbb/n/iPl2HnI+cCscM8ZTSbCBGk/tfwbEnwZGVEEDvB+ofVVtfYctq50YVCPXfHSQsvu4SUum/IDBj06z2kx6plH/NRJ1jIiCDUN7Tl8DP+cZX+9BrciisABNu61vohKekqyZdcOvnNHyqtw+FhlbQI0vxJMBuc04SPNkjhcafcfKa/NbBqNPSXHcOGz3+i+vlXoVXqzVu7Cc/M3WCOMBxFF4AQ2jFDTUqz5af/15UY8FtKTuuj5BRj5tHsaBD9jxgCg30Nz8Pjs2D3ldbuOYEXRYcx3SUF4LebW0EN8NFjShCgCB7DDVmmFz/aew8fwxOy12BVidtq0txTbDzhvHw+lyvYoU3fYnoMN3UOfrTJ0nc0aHAGCHkrXvu6OMqnSsBtDFIEDvPjVRsvvkZps/k874JG5qPSAv/Zpj841fI1v1+/DnCh5c9xI0Ab+2bKdms+pZq430f39pv0xz7M0SjgONM0RuP/RdQxRBAlKsh/yMkdg3xFjNvtjldW48pWFuOENbWk/gpHcTuf6DwaU6/GXf+P7rXFNdLvt8dLSyIcqC1EKdRFFkKDYnZX5UFklikvdMWlqlEgpHf73cxG2F5fV2ZY3fjoOlrljsjyoAPQElu+LM9bAbQ2plhFBoVLNb8n2g1KbIAxRBIIpjHnxO5zzzy+dFsMUfh0hD89t7y7B8Ke/qW1EIjWi63eXOJLmI9i21dYs0EC8YrqtGdXSrr9bGCiPftHzC7B2t/Wee15CFEGCYnehlvV7jkSsGZtIHCmvqv0/Rz+nnjLhvCe/xmfLfjHlfnrNTXoVULw943g71Fa5TuuVp9rHiRnVEEVgM1p8tM3AZSZcz3Kssn6qji9W7cayHQexN4pZZXtxme3eSzXMuhv2eEcu8SqQZIs6KHrzCM1zidurW0hxWgC/cfZj6mkh3M6bP2x1WgRHmLbkF1zav12dbXd8sCzmef/8Yh3++UUgLfO8289Gp9xGlsgXCrN+k42aHtDiaBCvaSj82oFyq8aVQ2m5vtxaRh0KEg1TRgREVEBEa4loAxGNV9mfTkTvKvsXElGesj2PiI4S0RLl86IZ8riZeCpKxYOeouZaWLBhX8xj3ORSmDd+OraaUI+3vEpfA7NbJbXHLpt+83gaZ7XEhdecnhf7PBMmW//435/RccIMw9cBgN++9IMp1/ErhhUBESUDeB7AcAA9AfyWiHqGHXY9gAPM3AXAkwD+HrJvIzP3UT43G5VHCGD2CFzL9aqqGTsOlMU+0CYueMp4AroXv9qky3wy8JH6MQzlNpmInpu3Xr+tXOWEBqmx05METexNG6YC0G4qenjG6trlaUvNmUcRjGPGiGAAgA3MvImZKwC8A2B02DGjAUxVlj8AMJTsns0UbGFFUXylE63gWKXxBrjo4FHsKTHWo4+3ULxeO/yc1XtQVqEvv1BQyYUXtYl5niLbwbJArimtrsMzV+zSdR/BHsxQBG0AbA9Z36FsUz2GmasAHALQTNnXkYh+JqKviGiwCfIIMG+y+Ok565E3frpmO266RTmOnOSLlbt1N7ChBL+6eWt266oTce7jX+m+l16dEwyGGxXiAaXlpw5VbuWVNVEnztX4Zv3e2uUPF1ufjTfIT9sO2HYvL+H0W7sTQHtm7gvgLwDeJqLGagcS0TgiKiSiwr1796odIoRg1oDryTlKHVqNDcy/vrQ+fYaVbNtf37R137SVmLE8/p5sMLfUda8X4sOftDd6m/fpn+PQa7sPVrNT844KsmT7wXoeUKHmshpm3VXxrnrlx9rl299fqutcI1z1sqROV8MMRVAEINStoq2yTfUYIkoB0ATAfmYuZ+b9AMDMiwFsBHCi2k2YeQoz5zNzfm5urgli28/8tfa5rH38cxEmf77GtOuVa3R7/XFLsWn3NAO9LpwPfLpSdbtZIyyrA830KoKgPITjpqjwpIgXPb8A05fXzV8UepcaZs/UyRaLtDpmKIJFALoSUUciSgNwOYBpYcdMAzBWWR4DYB4zMxHlKpPNIKJOALoC2GSCTK5ES1ZHMzFzGOxESL4ZMRcHXJD+Yc2uktrl+6apKxqz0Psz7VGikEvKq2o7DkT1A79Ckw3OWbUbEz5aXrs+6NF5ltYjNpMjcdRo8AOGFYFi878VwCwAqwG8x8wriWgSEY1SDnsFQDMi2oCACSjoYnoWgGVEtASBSeSbmdldXUoPk2JiZjAn+nvvLtpm+BoPTzeWkjmIkY7k32fWHZlZ2Xs2cu3QrKNDH/8KRREmkN9auDXuHEWRsHO0LNTHlIAyZp4BYEbYtntDlo8BuETlvA8BfGiGDF7g5+0Hbb2fmcnQnJhkqzAh5fUeHXl3AHsUXg0zki2K/TaiCJbtOATguPkkkreTFeaVb9fvwzndWph+3Vh8sHgHxvRra/t93YZEFtvIpzb7Ta/epc2V81hlNVKSCClRahjoUSo7DpRh6ndbUF0D3Pur8JASe9HTZkWbMDXa9oUGmllpZRv13LeGrxEcSB4N+T5CzXRWqLDDDuWpWhMh06zfcNpryDfocRs0C2Zttv3THp2LP79X13PDSGTuut0leOXbzXh1wea4zg9i57TeoaOV6H7PTBRZVG0tNNDsCgujYM2YE3ng04A57faQZ+KRkEAwo7y1sH66khnLtRfTMROZOw4gisAmzAjJj4d/zFqLT5YURU1NfLCsEou3FGNEWO3hrSqulFogIlMK45jxkgZNJU/MXocNeyJnvgyaQdbuLlHdb2Z50cKt3vBlX150qHY5NysdAOpVM4uHiR+vqLet1IGOEmB+KhavIorAJpxSBKt3Hsaf3lmC/g/PiXrcL4eOYVXYMDleiaurzUkkZsYrGjRzPzN3PSZ8tCyiDf0HDeUZ7cSuLLWxCH5fF/RqBSDgITTXosydRmstx4O4kwYQRWATTqU//3KtvuC7UL/7eJVXZnpKxHTDI5/5RrOZzAzV2TgjtXZ50ZYDmLtavQ7xLW/9FPU6T89db4I0x4kVLOaW2g6/ejYw53CssrreiNFsXv7WmCkxHtxWctMpRBHYhFpyLzdSUV1TayapjtNr595PVkQ066z85TCKy7TlpTHjK5uzeje+XX88c2pVnF418UT5RiPWpG60iWs7CY4Sd6mMGBMBtyhcpxFFYBNujbwM9xXfsq+sdlu8jeb6PUdUba/BiWu7g9OufOV4WgG1uYvwOsR2EKuhj/e7F/Tx1sJtEWtU+wlRBDYRy0bvFGdMnldnfcQz39TWHq4wkD5ZLYIz2LZpNZO99p35poLMtPoe004M1oKms7zx01UnsZ3yoonEzJXHcy01zrDO6/z8J/Un2gO0FdOJxHCLTV5eQBSBDdz3SX0vCSdYExJXMH/tnohFV4K9UbMnLINzDlU1NZpGBduLzXflvOGNRfW2GVF48ZKcRLXRudtVajhMX+YuRRDK4WPWpWlYF2dReSdSoCQSoghsYOr37ijzOPW7LVinuEde+9oifLY0emNz1GQ7ddA8du7jX+EFh7KUqtUoqM2waiPJSVSraIN/3164Fa8qE6bSrGmnvKpad/ptoS6iCHzEf3/cjoKnvq5tkGOl/73nf8ZHMmUVVTh0tBJ546fjlAe+qN3+3LwNMc8deXJrw/ePRkVVDUqOVWKPSnlJqzl8rKr2d2jeKA3b9pfhro9XYJLiQtmmaYbtMrmFw8f0TeA+aILbad746Yav4WVEEVhMvNWprKKGgVIDRVb00vPeWfjzu0sA1E1lfUxDLeDcRumWyJQ3fjqKSysw/sNlOOn+L9CqSQNL7hOLexST4dpdR/C/JXUztw/u6s1U62Zw8v1f6HpvzPbo8iOSa8hiXvgyds/XbuzuAc9TCUA6s0tzW2UI59QHZ9cun9G5me15oIDjMR53fby83r5KB+Yt3ERVDSNNmQA+Ul6FBRv2ITcrHae2z6537Jqd6tHgejlUVokmDVNjH5iAiCKwmNW7zHlIzWTYE8aLuhulb/tsrN55GN1bZalGd57ywBe2+Xh/t9FdUcX//XEbSn2eNz9oNnt9wWbcr+Q+atIgFUvvO7/esfs11kuOxZ0fLsOLV/Uz5VpeQ0xDVuMuy5BrWLPzMIY//Q1mrdxdp3e+YMM+5I2fbmugzzQHRgPRmPDRcvy07aDTYjjK1uJSfL1ub60SUMNsZbm86BAu+/f3pl7TK4giEBzhi1WBVA83v7kYxaUVtUFdoYnO/IzfRwQFT32Dq1/9sc628FCBXvfNwnuLtqNBarIp9yw6eBQLNxdj0KOBTLHrd5dETdaYSIhpyGJ2OeCR4kUG/2M+crPSffPixcIrGUrtpKyiGoVbivHsvA14/NJTAAB3fLjM9PvsPHQMX6zchXH/WQwAmP3ns9C1ZRYAYPqyX3Bqh2y0dsjBwCrIi4EY+fn5XFhY6LQYmjj7H/Ox1YEUBoKQyJzYslHcwWfxsO6h4UhOInS+K1CIccvkkZbfc29JeW3678rqGqQmJ+FIeRUapcfffyeixcycH77dFNMQERUQ0Voi2kBE41X2pxPRu8r+hUSUF7JvgrJ9LRFdYIY8bkKUgCCYz+7D9o4c+z74Be6ftrLOttLyKqwwYMqsqWG8vXAbqmsYh8oq8dScdTikFBZiZvR/eA7W7y5BRVUNuk78HPPW7Ebv+2ZhT4n5VgbDioCIkgE8D2A4gJ4AfktE4fUJrwdwgJm7AHgSwN+Vc3sCuBxALwAFAF5QrqeL8qpqw+kQmFk1TL2sogoFT31de/2t+0s1ZYZk5noyScpbIRx5JOLD7qyhpeXV+M8PxzMElFdVo9d9s3ChkqZ7za7DWKc02sFU7rHaiU37juCuj5dj9c7DmPr9Fjw1Zz3+/fVG/LTtAK55LZAKZe+R8tpMtde9HrCC3PTGYny4eAfOffzLOterqKrBzBU7sWmv+kgp2ryTGXMEAwBsYOZNAEBE7wAYDSB0un80gPuV5Q8APEcBn8HRAN5h5nIAm4log3K9mFP3P24uxvbiMgzslIORz3wb0M4PXIAMZeLoaEU1UpPr1+FlDhRNYWbUMPDLwaNol9MQHSfMQIusdPw4cRiYGW8u3IaUJEJmegrW7CrBDW8U4ut1Ab/viSN6YGCnHMxcsQt/HNoV24vL0LVlFm57Zwn+t6QIn/3fmXh67nrMXlU3973LYssEFyCPhDfpdvfM2uW1u0pQ8NTxxHXDerTE0B4tMOGj5dgyeSTW7S5Bg9RkNG2Yite/24K8ZpnISE3Ggg2B9OgXPvstRvc5AQDwwpcb66Rf+deXG7EmzAX95+0H8fP2gwACOalyMtNQdKAMM1bswrw1e9C0QSp+3bcNGqQlY39pBfI7ZKO0vAr3f7oKyY1btFX7fwzPERDRGAAFzHyDsn4VgIHMfGvIMSuUY3Yo6xsBDERAOfzAzG8q218B8DkzfxDtnrkde3LmZY+p7rtyYHvkZKbhmXkbMKBjDpo0SEWbpg3QPqchpny9ybLJ2yHdcnUXgREEQbCTopduPly5f3uT8O2e8RoionEAxgFAcuNcZEY47s2F22qXf9xcbINkAUQJCILgerhG1V5lxmRxEYB2IettlW2qxxBRCoAmAPZrPBcAwMxTmDmfmfMzsuqHmQfp1jIL/Toc39+0QSo65WaiQKm5ahVm+TILgiBYiOq0lBkjgkUAuhJRRwQa8csBXBF2zDQAYxGw/Y8BMI+ZmYimAXibiJ4AcAKArgB+RAy6t8rCXy8+CYVbinHVoDxc8u/vUVFVg2X3n19bo3Z7cRmaNkxFVkbd3CF7S8rBzMhMT8Huw8ewvOgQRvdpU5t9cM2DBQCAcf9ZjM65mejaIgt3fbwcHZo1xNb9AQ+g24Z1Rc/WjfGvLzfi4V+fhJ2HjuLc7i1w4t2fo7Ka8faNA3HrWz9rLskoCIJ3GT+8OyZ/vqZ2/aQ2TTCgYw5e+XYzFt41FOt3l6BhegraZjfArW//jNM65aCiirF212HMVywJw3q0wJzV9XNytctugO0HItflGN67FU5u2xTbikvx07aDWKvMJ/RonYWiA0eRkZqMgt6tsOPAUSXnl3oRWVPiCIhoBICnACQDeJWZHyaiSQAKmXkaEWUA+A+AvgCKAVweMrk8EcB1AKoA3MbMn8e6X3gcweZ9pchMT0aLrPhT927bX4ZmjdKQGeaju/9IOfo9NAcrHwh4ti7cvB8nt22K5hEyY9bUMJKSCKXlVThWWY1+D7mzMpkgCPGRlpKE78efW/tub5k8El+v24OU5CSc2DILqclJaJyRgq37y5DXPJIRG1hRdAgXPvstXrumP37adgDPztuA35zaBoO75uI2JWPvf64fgD/+92ccKDvuJdU4IwW3DOmMv89cWyee4UBpBf799Uac17NVHasIEHCSWV50CKe0y1aNI5CAMovxe55zQbCCJg1SbXchHd67FT5fESjZuWXySGzaewRLdxzEr/uqOuLEpKq6BvdNW4l7LuyJ3YeP4bZ3l+CZy/uiXU5DMDM6TpiBz/7vTLRukoF+D83B45ecgtvfX4o5fzkbHZtn4lhldb2OaywiBZSJIrCYbnd/XicPvyAIxmnZON3WoLJFE4chMz0ZPe+dBcCeyOKftx1An3ZNQUQoOngUJzTJwNrdJejeqnHc17Q0sliITPdWWU6LIAgJw4Th3QEAb1w30NL7jDurU+3y2zcORG5WOhqmpeCOgm6YdusZlt47SN/22bUp2ts0bQAiMqQEouEZ91Gv0ja7IZbukIyasXjrhoHo1yEbz83bgOfmu6+Yj92c3LYJlslzU4eczDTcdHZn3HR259ptE0f0wJNz1qGswtz62neN6IHTOuWgXXbD2oRzAPD7IV1MvY9bkBGB4AjBkdJ4pYd3RpfmyEhNRo/W1vR4vEbDNH/30aZeN6D22QhSHRaaP/f2s3HtGXmmKYHGGYHvPGj2Obd7yzpKIJERRWA1kkxGlQt6tcKLV56KGwd3wuZHR9RuH3FSK6yaZG/uwbxmDW29Xywu6dcW+R0ix8r4gf552bj57M64elCH2m3h85mdcxvVSyFjhJPaNrHF9u9GRBFYTEsDLq1W8fq1/Z0WAZv3laKgd2skJ1GdUpVEhIZpKdgyeSQuy28X5QrmcXOIqcENPHbJKWjq09q5QVKSAk3TpNG9sWD8ubhxcEc8MLqX6rHpKeY0Y5MvPtmU63gRUQQWc0dBN6dFqEdflQLgdvPpstjlIRumWxetPfvPZ2FAxxwAzlVFa9Ig0NgX9GqFMf3quiCm+DxVbXLI/9+maQNMHNkzopvmSW3qpc6Ji3Y57hoZ2okoAovJcGHqicw0+2T6YcJQFN49LK5zj5o8ARhkzYMF6NoyCy9dnY+v/3YO1u0uiX2SBXz2f2cCAG48q2MdEwgAX08Uz7xtcB1FEItWTdw36vYaogh8RM/WjTH1ugG1dtW/XRB9tHLrOcY9JFo1yUDzRunY+MiI2vQdAHDlwA5RzgrwzqLthu+vRlA5N2mQivbNGjqirBtnpCBJaez2H6nAyW2b4sbBnXDlaYHvZfUuZ5STG9DrIvnQRb0N39OvcwNBRBHYQE+XeMI8evFJOPvEXACBRv6KAe2jHh8tPF4vyUmEJGUu4MNbBuG+X4XXLnKOOwu6xz7IZGoYSFa+j1TFxj1xZI/aRs3fhiF9NG2YJkWfDCKKwAZm/Gmw0yIACPimB/nrBd2QnZkW9fg0kybhggSH+7mNMjR5e1hhJ3/p6npBlbWJCu2kqqam1qTRPLN+3qrg/IUbCc5tuAlSz6UmaEQUgU189bchToug+rJ88oe6UZKvXdsfH94yCACQlhz/y6VWYDvYridpfOomjOgR9/0jofYf1TiQZiXoE7/mwQKc1Lb+ZGf4nIHThKZxtzLHT7wmmvAYAz24wYvOaUQR2ER4Omy3cEq7pnXW++floE+7gFdRitYWWwVWKcIYVERae29m9fEmX3xS7XJFdf28T+0d8BYJfreR5ieMfPeCdkae3BpDurVwWgzHkafNJrxiw8xISaqVVY/nRigf3DwINVHy7GVlaIuaNeM769chG5f1jx6PkKThRlk6szzG4sWr+kXdn5Hqrlczp1F0M6JX6eBjl9FQ3PW0JTBaGhsrGKjT1pySnBTSc4/vngfKKiOaW7ZMHmmrTT40YK1Jg9TayfJwbhvWNep17jV5cjuSHEEau8QOv/GRQNR344xUyz1rnEjQaMCilFCIIrCJZIcms/KaZWJMv7b49NYzox6n1vtPilPm1GQyxe5uxjsa/LfO6NIML12dHzF/+zWn50W9jtkT57FwS/xJ8Ln4cfN+AMCHt5yOId2iK7F4+dwBpwovpuG3An9ntvIBD4zupalR6Z+XjXfGDaqzLTdLvQpbLJiNTd6FXscoQWX21g2nabpXVkYKSo5VWSKL12ib3aB2+adtBwEETG1GOzV/PLcLnplXP8OsE54/PvxZVZERgU3orSRkFlqUwMK7hmJKmFvluoeGx50JtE12Awzp1gJnxTB/2IHWtiU7Mw1f/nUI+uepm9LUJr/18PHvT69dXvtQQZQjnSeYFuXpy/vWbrvnQvNMY38+78R6235zanxVvoxSI7YhAAYVARHlENFsIlqv/FVNYkNEY5Vj1hPR2JDtXxLRWiJaonwSevq+a4tGtt6vo8aAsJaNM+rZ7Y2YQk5smYVXr+mPN64bEPc1APt7a3nNMyN6KhkdEYTmd4rX5KYFM8wrGSmBzkOLkBFhaOyA0d9FrefvVGxCy8aSngIwPiIYD2AuM3cFMFdZrwMR5QC4D8BAAAMA3BemMH7HzH2Uzx6D8riaKwZGj+Q1m9Ym5mAZ2t1+HW2G/TbVxDTFZmGlIjDSoAbTccea37HCrt7zBGei7687s6Mj93UbRt+S0QCmKstTAVykcswFAGYzczEzHwAwG4C7x8YWYbeducrEYa8Tc92X9DOehvrB0cbz0ADGfrvwdNrxuuVqwYiSOTWkBsIrY/PRpmkD1ePOtaBTEJ591S6s/C28hFFF0JKZdyrLuwC0VDmmDYDQ7GE7lG1BXlPMQvdQgseJN7PZF7tdtrd9pJuYkJO/ReP4JrzNpKD38ajc+y3OsaS3XQt1CHjk14HAO2ZgaI+WEV2erxqUhykhcRBf/nUI/vcHe+r4GsXseJBEIaYiIKI5RLRC5TM69DgOjBf19pt+x8wnARisfK6KIsc4IiokosK9e/fqvI07GHXKCbbda1iPlnjkYnN6w4D2OYNmMfIX2U16ij43zBtDipaHYtbYysyKWmro7UsF8zllpafUOhaET4w/NubkOsoMqDvyaJCW7Jn6CTI1rE7Mp5KZhzFzb5XPJwB2E1FrAFD+qtn4iwCEjo3bKtvAzMG/JQDeRmAOIZIcU5g5n5nzc3Od90aJBzsHPFkZKbobQTWG9QiYAbTK/s9LTzF8Tyc5rVOzetsu6nMCBndtHvc1gw3ruLM64byeaoNm89Br6khR8klVR7F9XZLfrl7uqND7EOm/75+GHg/gs9MsdP8o9Spnfsdo92QagKAX0FgAn6gcMwvA+USUrUwSnw9gFhGlEFFzACCiVAAXAlhhUB5BwaxEai+P7R+IKNV4ucqqKLklPMqdw7sb8i4J/hR3jeih6zrrHx6u+156O+bBmIC3b4weZxFOaL8gLTlJd2nNUBfSf15iX+fBqbkIt2PUYDYZwHtEdD2ArQAuBQAiygdwMzPfwMzFRPQggEXKOZOUbZkIKIRUAMkA5gB4yaA8gkVoVSztXVYI3gyyGxozd8Ufoa2/n9ZAZ/W5oKmqT0jyQS0/dWhSvKYN09BE4/Oh1aVZsBdDioCZ9wMYqrK9EMANIeuvAng17JhSANEzbwlx40QkbGoy6a4uZSXBUpBGmKQxMjvIWzcMxO9eXlhnm13pKf73hzNAOnO2qkUJa/E2C0+OqtV0GBpbkpOZhuLSCk3nCdbiPidrwRTMzrGvJRiusto9U3ErHrgAvU0oaq63V35Gl/pzCXrNJvFC0O/mq3b8f3/cFvM8M2IhFt89DD/eVa8fGRdPX97HlOv4FVEENhNvIXenuW1Y/bQAbkatME48qE3uXnN6Hp67oi/SoiiJX/dtg6X3no8fJw5FrxOMKyQtEOmv4aDWoB/WUHgmXjUQ2kEhIrQwKbI3r5mYnIwgisBmmjeyx6/d7L65U2m0nUbt97ptWFdcePIJUXvfAzvmoEnDVLTIsi+FAYF0e6bFG1AVrwfcsUprnAn0jlAuzZdJ41BEESQodqfXzbbJ/OEGgtXmpv9RPa/P69f2x0V926ju08vP95yn+dh43Djj1e/xWoZObGlNvi3dJjHT6t8lBhJmJ5jCtFvPRKVKGUgv8tq1/XHta4vqbR87qANG9TmhtrHtEmHexMzSh9k6AvSCjWFuVjr2lpRrOsfukZ5VsTRaLts/L5BC47ExJ6umGvczMiJIUOz2GmqX0xCdcu3NrmoVfdo2Vd3+wOje6Nehbprqn3T02K0m2MvV09RmqAQdanl03GYp1NLDD+auuiS/neQYCkNGBAmKGYVh/Ep2Zhomje6FI+Wxe405mWlo3igd+46UW17KMRbBXrGeTvcNgzvizuHddd/LbYV6wt1Z1ZDGPzIyInCAm85Wz2djJmZmHg0Sq9ylW1hsgmfW1YPy8PshXUyQxj6CE6anRBjRqNEgNblOMJnW893kKgzot/kndnpL/YgiSFCssNef1LZJPW+LrIwUZKS66zFqZpNn1nHc0SgGG7cXfneqoeu0y4kdHR4ccd41Qv9owgq0dPZDG3/RA3UR05AT2NBulFuU8+cfY07BwI7NcPv7SwE4U3BcUCfYuBnJcDrztsER6xCEEqxnPO6sznHfy0wSPIO95YgicIAcG1I1V1iY/C3UFt3W4zUPEonwxjArPQUlGuY5QtGaIiSveabjcyKhaNEDoccM6twMp7Zvapk8XsNdY3qfcL0N5fGszA8ffKGeuqyPZffwEu/eNMiUvEZGCW8MNXWSE6QjrTegrEuLLHz0e28U07EDUQQOYFZxkk8iVIV6ZWw+/nWl9fn8RvcxJ2jKTF6/tr/t9+yc28iUvEZGSQ1znfGTl4w2neef70Mvogg8TPMs9UnRri2y6pQgNJsuuVmWXdso3Vq5VzarCRaZAYABHXO0pc92xzy3YcxIgudnRBF4mEiPfmiDYAUntW3iKvuwn/nNqce9uEJjR967aVBc9Qys5M3rB1p2bdEDxnDXkyLoItLQ3yv1YwVtvHjlqXX+hpKvpE0AUG8UGF572Gn0Fs3Rg5/MYFYgisDDROoF+fmlaKCjiIxXKOjdWlmK/rvqKaBjRe98aPfoOZaqLMxFpaXzI6OGyIgicAmTRusvqk0g3H5e/ToBmSbl4vcas247C00NlpX0Gh00BH+p0aSB+dliX7km+kS9FdHutUgjbwhDioCIcohoNhGtV/5mRzhuJhEdJKLPwrZ3JKKFRLSBiN4lIn+9xSEM61G/AEosiIB+efW/cj09w0QhOYl8N1G8ZfLIiBlQo3HN6XnHzzO5Af3tgHYR91npWSWTxcYwOiIYD2AuM3cFMFdZV+MxAFepbP87gCeZuQuAAwCuNyiPZ4mnr0QQlzi/MUOpgbBQKfGo57kZ0i0XAHD/qF6W2ev/rDJCDWLFKCSIXQWfEhWjimA0gKnK8lQAF6kdxMxzAZSEbqNAGOS5AD6Idb4fsLuQTKLhB3VIBPQ8oXHtMqAvC6hatHlLk0pF1uLgYzzqlBOcu7nHMaoIWjLzTmV5FwA99o1mAA4yczAGfgcA90Uo2UQ8ekDyqxzHUvuzSwg1+QVHgjU6HpxrTs+rs75l8kh0TpAaEkBgpCPER0xFQERziGiFymd06HEc6NJa9jYS0TgiKiSiwr1791p1G9toZkK+IYKMJEb3CfQCO+UmdvHytJQkdA2ZD6gdEei4xvm9WmHVpAvMFcxFxOoWSccpMjEVATMPY+beKp9PAOwmotYAoPzdo+Pe+wE0JaKgi0tbAEVR5JjCzPnMnJ+bm6vjNu5kcVhlq3ja8yQi1cliP9KpeWIrgnUPDccJIVlBGymeYXo7Ag3TrPUoc7Jb0ihD/X9b82CBzZJ4D6OmoWkAxirLYwF8ovVEZQQxH8CYeM5PNKIN8SM+yASkq5QaFBKbLZNH1pqJ0lwWPezkADVSJLUfvej0YvQpmgzgPCJaD2CYsg4iyieil4MHEdE3AN4HMJSIdhBRcHx6J4C/ENEGBOYMXjEoj2eJ9v5EepAb+TReIJTgYN+vFrIWUSZ7/fqdCPox1JIw834AQ1W2FwK4IWRdtXoJM28CMMCIDIlCPLb+YARxw7RklFVUmy2SJ2AAN53VCWd2be60KI6Rk5mG4tIKp8UQPIy7xpU+ZcvkkYZsq3eP7GmaLG7j4lNjO5JNGNEDg7t6f97IbC7NjxzcZRVuy28UikwVR0YUgUvQOyB447rjA6krBrY3WRr30LSBb4PNNXOsUn00eONZnWyWJDK/H+KOkpaCOqIIXMIJTTMwWId5o1+Hut5C5/XUn6LC63TOzcSZXfxrEgry0e9Px/Q/Ol8hDYjcobmjwB1F7gV1RBG4hIZpKfiPjoyQ4YnlXro632yRXM/c24fgEgfMH26je6vG6HWC8xXSAOtrYcTLyJNbY0DHHKfFcC3idiK4GokB8hYtskxOWWGQ684I1Ad//or6tRyE48iIwEHUcudf0Mt/Jh4hsdj4yAjcOLij02IAAE7t0NRpETyBKAIHUZvkvfK0DoaumWg96AT7d3xBchJJOgePIaYhB7mjoBtuOttczw4pUym4gbxmx1N+bHpkhIOSCFqQEYGDpKckm25TTbQCHQn27/iG3w5oVxv5nuRg50TqdWhDFIHLMJoWINHqFYuJwZsQES7vb79Hl9kjbL8gisAjFPRqpek4K6tACYIefFAiImGQOQKXEakDrMU/+9s7z4mYgdGryHjAu+gpmmMWYgqKj8RqNRKINiG55wFtk8BtsxuaX3rQaeS99ixOFE1yc64jNyOKwCMkJ/nzp5Ienndxg2nIiVGJF/Fn6+JBEszioxmZKzaGnvxVZlPtAtPQnNW7bZfBi8gcgUdING8gwV6euPQU2+95y9md0bddU9vvG0ppuT/rdOjFp/1M7zHqlNh5+RMRUX/mcFEf+5+fdjkNbU8K2Kpxep11MQ1pQxSBy+ic20h1+6DOzdDH4d6VE0T0opIRkiaCzgNOBnXZydWD8uqsd22h/j4JdTGkCIgoh4hmE9F65W92hONmEtFBIvosbPvrRLSZiJYonz5G5EkETgjzFgqlfU5DAECrRPMMikKkyeIF48+1WRJv8tBFvbFo4jCnxbCNcIU34qTWDkniLYyOCMYDmMvMXQHMVdbVeAzAVRH2/Y2Z+yifJQblSWiCveMJI/xT5CPSiKBFVrr6DqEOGanJyPXxd5VoKVeswqgiGA1gqrI8FcBFagcx81wAJQbv5TuW338+1j88vHY9RXEh7RCS0Mtv3HpOFwCSekLQhjwm2jCqCFoy805leReAeJLpP0xEy4joSSLyb9clhDsKuuGOgm7IykitEyl8z4U9AADJPnq6w//Tm6X2raADGRFoI6b7KBHNAaCW6GZi6AozMxHpnaKfgIACSQMwBcCdACZFkGMcgHEA0L594hZrB4DfD+miur1pw0Ahd1+5koa9yE5EqwrepWlDyb2lhZiKgJkjzjQR0W4ias3MO4moNYA9em4eMpooJ6LXAPw1yrFTEFAWyM/P93VrkJ3pn4fbRypPsIBozhfCcYyahqYBGKssjwXwiZ6TFeUBChh8LwKwwqA8Cc+mR0agdRP/PNwtwvzCfd0DEDQx67aznBbBcxhVBJMBnEdE6wEMU9ZBRPlE9HLwICL6BsD7AIYS0Q4iukDZ9RYRLQewHEBzAA8ZlCfh8Ys/eJDf9m+PxXcfH5SKZUiIhVotcCE6hlJMMPN+AENVthcCuCFkfXCE88UZXIhKUhKhWaOQUYEoAiEGMj+sH4ksFjxFeqo8skJ0/DZqNgN5qwRPkZGajC2TRzothuBiRA/oRxSBIAgJhZ/ibMxCFIEgCAlFY6nbrRtRBIIgJBQZqcno3irLaTE8hSgCQRAEnyOKQPAMF/U5wWkRBI8gSQn1IYpA8AwN06WyqqANUQP6EEUgCELCIQMCfYgiEDyDvNuCVkQR6EMUgeAZ5OUWtBKpxKmgjhhdBUFIOP5wThes/OWQ02J4BlEEgiAkHAW9W6Ggt1o9LUENMQ0JnqBzbibO7JLrtBiCkJDIiEDwBHNvH+K0CIKQsMiIQBAEweeIIhAEQfA5oggEQRB8jiFFQEQ5RDSbiNYrf7NVjulDRN8T0UoiWkZEl4Xs60hEC4loAxG9S0RpRuQRBEEQ9GN0RDAewFxm7gpgrrIeThmAq5m5F4ACAE8RUVNl398BPMnMXQAcAHC9QXkEQRAEnRhVBKMBTFWWpwK4KPwAZl7HzOuV5V8A7AGQS4H0gOcC+CDa+YIgCIK1GFUELZl5p7K8C0DLaAcT0QAAaQA2AmgG4CAzVym7dwBoY1AeQRAEQScx4wiIaA4AtRC9iaErzMxExFGu0xrAfwCMZeYavfnCiWgcgHEA0L59e13nCoIgCJGJqQiYeVikfUS0m4haM/NOpaHfE+G4xgCmA5jIzD8om/cDaEpEKcqooC2AoihyTAEwRbleCRGtjSW7gzQHsM9pIWLgdhndLh8gMpqB2+UD3C+jHvk6qG00Glk8DcBYAJOVv5+EH6B4An0M4A1mDs4HBEcQ8wGMAfBOpPMjsJaZ8w3KbhlEVOhm+QD3y+h2+QCR0QzcLh/gfhnNkM/oHMFkAOcR0XoAw5R1EFE+Eb2sHHMpgLMAXENES5RPH2XfnQD+QkQbEJgzeMWgPIIgCIJODI0ImHk/gKEq2wsB3KAsvwngzQjnbwIwwIgMgiAIgjG8Glk8xWkBYuB2+QD3y+h2+QCR0QzcLh/gfhkNy0fMER19BEEQBB/g1RGBIAiCYBKeUgREVEBEa5XcRGrpLFwlDxFdQ0R7QybJb3BCzjCZXiWiPUS0wmlZgNjyENEQIjoU8h3ea7eMKjK1I6L5RLRKyaH1JzfL4tLvMIOIfiSipYrcD7hZFje+y0GIKJmIfiaiz+K+CDN74gMgGYGI5E4IRCcvBdDTzfIAuAbAc05/d2EynQXgVAArnJZFizwAhgD4zGk5w2RqDeBUZTkLwDqnnkUtsrj0OyQAjZTlVAALAZzmVlnc+C6HyPYXAG8b+Y29NCIYAGADM29i5goEYg9Gizz6YOavARQ7LUcQt8mjBWbeycw/KcslAFbDofQobpJFDxzgiLKaqnwcmbB0kyx6IaK2AEYCeDnWsdHwkiJoA2B7yLrTuYm0yvMbJf32B0TUzh7REo5ByrD9cyLq5bQwoRBRHoC+CPQiHSWGLK77DhWTxhIEMhLMZmbHvkONsrjxXX4KwB0AaoxcxEuKwIt8CiCPmU8GMBvHM7UK2vkJQAdmPgXAswD+56w4xyGiRgA+BHAbMx92sSyu/A6ZuZqZ+yCQXmYAEfV2sSyue5eJ6EIAe5h5sdFreUkRFAEI1cJRcxPZQEx5mHk/M5crqy8D6GeTbAkDMx8ODtuZeQaAVCJq7rBYIKJUBBret5j5IzfL4tbvMAgzHwQwH4F6JY4SSRaXvstnABhFRFsQME2fS0Sqwbux8JIiWASgKwWqmqUBuByBXEeulUdJxBdkFAL2W0EHRNSKlFS1FEhjnoRAwkInZSIE0qGsZuYn3C6LS7/DXFIKVBFRAwDnAVjjVlnc+C4z8wRmbsvMeQi0P/OY+cp4rmU06ZxtMHMVEd0KYBYCHjuvMvNKt8lDRJMAFDLzNAB/JKJRAKoQmBC9xil5gxDRfxHwImlORDsA3MfMjuV4UpMHgck6MPOLCCQlvIWIqgAcBXA5K64SDnIGgKsALFfsygBwl9LbdoUsANoDrv4OWwOYSkTJCCim95g5fvdHC2Rx+7tsJhJZLAiC4HO8ZBoSBEEQLEAUgSAIgs8RRSAIguBzRBEIgiD4HFEEgiAIPkcUgSBEgYiahWSc3EVERcryESJ6wWn5BMEMxH1UEDRCRPcDOMLM/3RaFkEwExkRCEIcKDn+P1OW7yeiqUT0DRFtJaKLiegfRLSciGYqKSBARP2I6CsiWkxEs8KiVQXBMUQRCII5dAZwLgLpB94EMJ+ZT0IgknekogyeBTCGmfsBeBXAw04JKwiheCbFhCC4nM+ZuZKIliOQcmSmsn05gDwA3QD0BjBbSfuTDGCnA3IKQj1EEQiCOZQDADPXEFFlSC6fGgTeMwKwkpkHOSWgIERCTEOCYA9rAeQS0SAgkDraLQViBEEUgSDYgFLOdAyAvxPRUgBLAJzuqFCCoCDuo4IgCD5HRgSCIAg+RxSBIAiCzxFFIAiC4HNEEQiCIPgcUQSCIAg+RxSBIAiCzxFFIAiC4HNEEQiCIPic/wcvziJ0eY2VRAAAAABJRU5ErkJggg==\n", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - } - ], - "source": [ - "librosa.display.waveplot(samples_out, sr=sr)" - ] - }, - { - "cell_type": "code", - "execution_count": 33, - "id": "special-delicious", - "metadata": {}, - "outputs": [], - "source": [ - "import getpass" - ] - }, - { - "cell_type": "code", - "execution_count": 34, - "id": "seasonal-consensus", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['GetPassWarning',\n", - " '__all__',\n", - " '__builtins__',\n", - " '__cached__',\n", - " '__doc__',\n", - " '__file__',\n", - " '__loader__',\n", - " '__name__',\n", - " '__package__',\n", - " '__spec__',\n", - " '_raw_input',\n", - " 'contextlib',\n", - " 'fallback_getpass',\n", - " 'getpass',\n", - " 'getuser',\n", - " 'io',\n", - " 'os',\n", - " 'sys',\n", - " 'termios',\n", - " 'unix_getpass',\n", - " 'warnings',\n", - " 'win_getpass']" - ] - }, - "execution_count": 34, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "dir(getpass)" - ] - }, - { - "cell_type": "code", - "execution_count": 35, - "id": "dress-distinction", - "metadata": {}, - "outputs": [], - "source": [ - "getpass?" - ] - }, - { - "cell_type": "code", - "execution_count": 38, - "id": "rental-anthony", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Worker:" - ] - } - ], - "source": [ - "import multiprocessing\n", - "import cProfile\n", - "import time\n", - "\n", - "def worker(num):\n", - " time.sleep(3)\n", - " print('Worker:', num)\n", - "\n", - "def profile_worker(num):\n", - " cProfile.runctx('worker(num)', globals(), locals(), 'profile-%d.out' %num)\n", - "\n", - "\n", - "\n", - "for i in range(5):\n", - " p = multiprocessing.Process(target=profile_worker, args=(i,))\n", - " p.start()" - ] - }, - { - "cell_type": "code", - "execution_count": 41, - "id": "separated-restriction", - "metadata": {}, - "outputs": [], - "source": [ - "!ls" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "painted-variable", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(2, 2)\n", - "[ 1 20]\n" - ] - } - ], - "source": [ - "import numpy as np\n", - "l = [(1, 20), (2, 30)]\n", - "scores = np.array(l)\n", - "print(scores.shape)\n", - "print(scores[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "satellite-insider", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[0 1]\n" - ] - } - ], - "source": [ - "sort_idx = np.argsort(scores[:, -1])\n", - "print(sort_idx)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "developed-thirty", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[ 1 20]\n", - " [ 2 30]]\n" - ] - } - ], - "source": [ - "sorted_val_scores = scores[sort_idx][::1]\n", - "print(sorted_val_scores)" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "official-bench", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[ 1 20]\n", - " [ 2 30]]\n" - ] - } - ], - "source": [ - "sorted_val_scores = scores[sort_idx]\n", - "print(sorted_val_scores)" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "id": "ranking-camera", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "b'\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x14\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1e\\x00\\x00\\x00\\x00\\x00\\x00\\x00'\n", - "[ 1 20 2 30]\n", - "[[ 1 20]\n", - " [ 2 30]]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel_launcher.py:1: DeprecationWarning: tostring() is deprecated. Use tobytes() instead.\n", - " \"\"\"Entry point for launching an IPython kernel.\n", - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel_launcher.py:3: DeprecationWarning: The binary mode of fromstring is deprecated, as it behaves surprisingly on unicode inputs. Use frombuffer instead\n", - " This is separate from the ipykernel package so we can avoid doing imports until\n" - ] - } - ], - "source": [ - "a = scores.tostring()\n", - "print(a)\n", - "b = np.fromstring(a, scores.dtype)\n", - "print(b)\n", - "print(scores)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "id": "breeding-proxy", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "numpy.int16" - ] - }, - "execution_count": 11, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "np.int16" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "id": "coordinate-hungary", - "metadata": {}, - "outputs": [], - "source": [ - "dtype = np.dtype('int16')" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "id": "specified-jackson", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "int16\n", - "16\n" - ] - } - ], - "source": [ - "print(dtype)\n", - "dtype is np.int16\n", - "print(np.iinfo(dtype).bits)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "activated-insight", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/train_test.ipynb b/.notebook/train_test.ipynb deleted file mode 100644 index 67212e50a..000000000 --- a/.notebook/train_test.ipynb +++ /dev/null @@ -1,1887 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "cloudy-glass", - "metadata": {}, - "outputs": [], - "source": [ - "import os\n", - "os.environ['CUDA_VISISBLE_DEVICES'] = '0'" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "grand-stephen", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:26: 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " def convert_to_list(value, n, name, dtype=np.int):\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2.0.0\n" - ] - } - ], - "source": [ - "import paddle\n", - "print(paddle.__version__)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "isolated-prize", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "romance-samuel", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'num_samples': 5, 'beam_size': 500, 'num_proc_bsearch': 8, 'num_conv_layers': 2, 'num_rnn_layers': 3, 'rnn_layer_size': 2048, 'alpha': 2.5, 'beta': 0.3, 'cutoff_prob': 1.0, 'cutoff_top_n': 40, 'use_gru': False, 'use_gpu': True, 'share_rnn_weights': True, 'infer_manifest': 'examples/aishell/data/manifest.dev', 'mean_std_path': 'examples/aishell/data/mean_std.npz', 'vocab_path': 'examples/aishell/data/vocab.txt', 'lang_model_path': 'models/lm/common_crawl_00.prune01111.trie.klm', 'model_path': 'examples/aishell/checkpoints/step_final', 'decoding_method': 'ctc_beam_search', 'error_rate_type': 'wer', 'specgram_type': 'linear'}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - } - ], - "source": [ - "import sys\n", - "import argparse\n", - "import functools\n", - "from utils.utility import add_arguments, print_arguments\n", - "parser = argparse.ArgumentParser(description=__doc__)\n", - "add_arg = functools.partial(add_arguments, argparser=parser)\n", - "# yapf: disable\n", - "add_arg('num_samples', int, 5, \"# of samples to infer.\")\n", - "add_arg('beam_size', int, 500, \"Beam search width.\")\n", - "add_arg('num_proc_bsearch', int, 8, \"# of CPUs for beam search.\")\n", - "add_arg('num_conv_layers', int, 2, \"# of convolution layers.\")\n", - "add_arg('num_rnn_layers', int, 3, \"# of recurrent layers.\")\n", - "add_arg('rnn_layer_size', int, 2048, \"# of recurrent cells per layer.\")\n", - "add_arg('alpha', float, 2.5, \"Coef of LM for beam search.\")\n", - "add_arg('beta', float, 0.3, \"Coef of WC for beam search.\")\n", - "add_arg('cutoff_prob', float, 1.0, \"Cutoff probability for pruning.\")\n", - "add_arg('cutoff_top_n', int, 40, \"Cutoff number for pruning.\")\n", - "add_arg('use_gru', bool, False, \"Use GRUs instead of simple RNNs.\")\n", - "add_arg('use_gpu', bool, True, \"Use GPU or not.\")\n", - "add_arg('share_rnn_weights',bool, True, \"Share input-hidden weights across \"\n", - " \"bi-directional RNNs. Not for GRU.\")\n", - "add_arg('infer_manifest', str,\n", - " 'examples/aishell/data/manifest.dev',\n", - " \"Filepath of manifest to infer.\")\n", - "add_arg('mean_std_path', str,\n", - " 'examples/aishell/data/mean_std.npz',\n", - " \"Filepath of normalizer's mean & std.\")\n", - "add_arg('vocab_path', str,\n", - " 'examples/aishell/data/vocab.txt',\n", - " \"Filepath of vocabulary.\")\n", - "add_arg('lang_model_path', str,\n", - " 'models/lm/common_crawl_00.prune01111.trie.klm',\n", - " \"Filepath for language model.\")\n", - "add_arg('model_path', str,\n", - " 'examples/aishell/checkpoints/step_final',\n", - " \"If None, the training starts from scratch, \"\n", - " \"otherwise, it resumes from the pre-trained model.\")\n", - "add_arg('decoding_method', str,\n", - " 'ctc_beam_search',\n", - " \"Decoding method. Options: ctc_beam_search, ctc_greedy\",\n", - " choices = ['ctc_beam_search', 'ctc_greedy'])\n", - "add_arg('error_rate_type', str,\n", - " 'wer',\n", - " \"Error rate type for evaluation.\",\n", - " choices=['wer', 'cer'])\n", - "add_arg('specgram_type', str,\n", - " 'linear',\n", - " \"Audio feature type. Options: linear, mfcc.\",\n", - " choices=['linear', 'mfcc'])\n", - "# yapf: disable\n", - "args = parser.parse_args([])\n", - "print(vars(args))" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "timely-bikini", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/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.\n", - " from numpy.dual import register_func\n", - "/workspace/DeepSpeech-2.x/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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int,\n", - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/numba/core/types/__init__.py:108: DeprecationWarning: `np.long` is a deprecated alias for `np.compat.long`. To silence this warning, use `np.compat.long` by itself. In the likely event your code does not need to work on Python 2 you can use the builtin `int` for which `np.compat.long` is itself an alias. Doing this will not modify any behaviour and is safe. When replacing `np.long`, 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " long_ = _make_signed(np.long)\n", - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/numba/core/types/__init__.py:109: DeprecationWarning: `np.long` is a deprecated alias for `np.compat.long`. To silence this warning, use `np.compat.long` by itself. In the likely event your code does not need to work on Python 2 you can use the builtin `int` for which `np.compat.long` is itself an alias. Doing this will not modify any behaviour and is safe. When replacing `np.long`, 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " ulong = _make_unsigned(np.long)\n" - ] - } - ], - "source": [ - "from data_utils.dataset import create_dataloader\n", - "batch_reader = create_dataloader(\n", - " manifest_path=args.infer_manifest,\n", - " vocab_filepath=args.vocab_path,\n", - " mean_std_filepath=args.mean_std_path,\n", - " augmentation_config='{}',\n", - " #max_duration=float('inf'),\n", - " max_duration=27.0,\n", - " min_duration=0.0,\n", - " stride_ms=10.0,\n", - " window_ms=20.0,\n", - " max_freq=None,\n", - " specgram_type=args.specgram_type,\n", - " use_dB_normalization=True,\n", - " random_seed=0,\n", - " keep_transcription_text=False,\n", - " is_training=False,\n", - " batch_size=args.num_samples,\n", - " sortagrad=True,\n", - " shuffle_method=None,\n", - " dist=False)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "organized-warrior", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n", - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/dataloader/dataloader_iter.py:354: DeprecationWarning: `np.object` is a deprecated alias for the builtin `object`. To silence this warning, use `object` by itself. Doing this will not modify any behavior and is safe. \n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if arr.dtype == np.object:\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "test Tensor(shape=[5, 6], dtype=int32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[14 , 34 , 322 , 233 , 0 , 0 ],\n", - " [238 , 38 , 122 , 164 , 0 , 0 ],\n", - " [8 , 52 , 49 , 42 , 0 , 0 ],\n", - " [109 , 47 , 146 , 193 , 210 , 479 ],\n", - " [3330, 1751, 208 , 1923, 0 , 0 ]])\n", - "test raw 大时代里的的\n", - "test raw 煲汤受宠的的\n", - "audio len Tensor(shape=[5], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [163, 167, 180, 186, 186])\n", - "test len Tensor(shape=[5], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [4, 4, 4, 6, 4])\n", - "audio Tensor(shape=[5, 161, 186], dtype=float32, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [[[ 1.11669052, 0.79015088, 0.93658292, ..., 0. , 0. , 0. ],\n", - " [ 0.83549136, 0.72643483, 0.83578080, ..., 0. , 0. , 0. ],\n", - " [-0.89155018, -0.18894747, -0.53357804, ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [ 0.33386710, -0.81240511, 0.12869737, ..., 0. , 0. , 0. ],\n", - " [-0.17537928, 0.58380985, 0.70696265, ..., 0. , 0. , 0. ],\n", - " [-0.84175998, 1.22041416, 0.07929770, ..., 0. , 0. , 0. ]],\n", - "\n", - " [[-0.35964420, 0.77392709, 0.71409988, ..., 0. , 0. , 0. ],\n", - " [-0.15990183, 0.42962283, 0.06222462, ..., 0. , 0. , 0. ],\n", - " [-0.31166190, -0.74864638, -0.52836996, ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [-0.27546275, 0.32889456, 0.12410031, ..., 0. , 0. , 0. ],\n", - " [ 0.16264282, 0.49418071, -0.15960945, ..., 0. , 0. , 0. ],\n", - " [ 0.12476666, 0.00516864, 1.16021466, ..., 0. , 0. , 0. ]],\n", - "\n", - " [[ 0.90202141, 1.48541915, 0.92062062, ..., 0. , 0. , 0. ],\n", - " [ 0.82661545, 1.37171340, 0.86746097, ..., 0. , 0. , 0. ],\n", - " [-0.62287915, -0.48645937, 0.35041964, ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [ 0.07376949, 0.07138316, 0.76355994, ..., 0. , 0. , 0. ],\n", - " [-0.32306790, 0.43247896, 1.27311838, ..., 0. , 0. , 0. ],\n", - " [-0.97667056, 0.60747612, 0.79181534, ..., 0. , 0. , 0. ]],\n", - "\n", - " [[ 0.72022128, 0.95428467, 0.92766261, ..., 0.29105374, -0.45564806, -0.62151009],\n", - " [ 0.42083180, 0.49279949, 0.82724041, ..., -0.17333922, -1.45363355, -0.61673522],\n", - " [-0.76116520, -0.84750438, -0.09512503, ..., -1.01497340, -1.42781055, -0.80859023],\n", - " ...,\n", - " [-0.23009977, 1.06155431, 1.09065628, ..., 0.25581080, 0.53794998, -1.22650719],\n", - " [-1.37693381, 0.30778193, 0.17152318, ..., 0.51650339, 0.25580606, 0.83097816],\n", - " [-1.62180591, 1.30567718, 1.09928656, ..., -0.77590007, 1.27712476, 0.53189957]],\n", - "\n", - " [[ 1.03205252, -0.51535392, 0.21077573, ..., 0.76618457, 1.27425683, 1.52250278],\n", - " [ 0.82059991, 0.43990925, 0.13090958, ..., 0.86662549, 1.01687658, 1.48495352],\n", - " [-0.75489789, -0.01997089, -0.65174174, ..., 0.09061214, -0.55211234, -0.01614586],\n", - " ...,\n", - " [ 0.50985396, 1.84555030, 0.79185146, ..., 1.13666189, 1.19898069, 1.98158395],\n", - " [ 1.98721015, 2.52385354, 1.11714780, ..., 0.19416514, 1.11329341, 0.64460152],\n", - " [ 2.69512844, 1.90993905, 0.50245082, ..., -0.50902629, 0.03333465, -1.24584770]]])\n" - ] - } - ], - "source": [ - " for idx, (audio, audio_len, text, text_len) in enumerate(batch_reader()):\n", - " print('test', text)\n", - " print(\"test raw\", ''.join(batch_reader.dataset.vocab_list[i] for i in text[0]))\n", - " print(\"test raw\", ''.join(batch_reader.dataset.vocab_list[i] for i in text[-1]))\n", - " print('audio len', audio_len)\n", - " print('test len', text_len)\n", - " print('audio', audio)\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "confidential-radius", - "metadata": {}, - "outputs": [], - "source": [ - "# reader = batch_reader()\n", - "# audio, test , audio_len, text_len = reader.next()\n", - "# print('test', text)\n", - "# print('t len', text_len) #[B, T]\n", - "# print('audio len', audio_len)\n", - "# print(audio)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "future-vermont", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "煲汤受宠\n" - ] - } - ], - "source": [ - "print(u'\\u7172\\u6c64\\u53d7\\u5ba0')" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "dental-sweden", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "sunrise-contact", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "hispanic-asthma", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "hearing-leadership", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "skilled-friday", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "copyrighted-measure", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 21, - "id": "employed-lightweight", - "metadata": {}, - "outputs": [], - "source": [ - "from model_utils.network import DeepSpeech2, DeepSpeech2Loss\n", - "\n", - "from data_utils.dataset import create_dataloader\n", - "batch_reader = create_dataloader(\n", - " manifest_path=args.infer_manifest,\n", - " vocab_filepath=args.vocab_path,\n", - " mean_std_filepath=args.mean_std_path,\n", - " augmentation_config='{}',\n", - " #max_duration=float('inf'),\n", - " max_duration=27.0,\n", - " min_duration=0.0,\n", - " stride_ms=10.0,\n", - " window_ms=20.0,\n", - " max_freq=None,\n", - " specgram_type=args.specgram_type,\n", - " use_dB_normalization=True,\n", - " random_seed=0,\n", - " keep_transcription_text=False,\n", - " is_training=False,\n", - " batch_size=args.num_samples,\n", - " sortagrad=True,\n", - " shuffle_method=None,\n", - " dist=False)\n", - "\n", - "\n", - "import paddle\n", - "from paddle import nn\n", - "from paddle.nn import functional as F\n", - "from paddle.nn import initializer as I\n", - "\n", - "import math\n", - "\n", - "def brelu(x, t_min=0.0, t_max=24.0, name=None):\n", - " t_min = paddle.to_tensor(t_min)\n", - " t_max = paddle.to_tensor(t_max)\n", - " return x.maximum(t_min).minimum(t_max)\n", - "\n", - "def sequence_mask(x_len, max_len=None, dtype='float32'):\n", - " max_len = max_len or x_len.max()\n", - " x_len = paddle.unsqueeze(x_len, -1)\n", - " row_vector = paddle.arange(max_len)\n", - " mask = row_vector > x_len # maybe a bug\n", - " mask = paddle.cast(mask, dtype)\n", - " print(f'seq mask: {mask}')\n", - " return mask\n", - "\n", - "\n", - "class ConvBn(nn.Layer):\n", - " def __init__(self, num_channels_in, num_channels_out, kernel_size, stride,\n", - " padding, act):\n", - "\n", - " super().__init__()\n", - " self.kernel_size = kernel_size\n", - " self.stride = stride\n", - " self.padding = padding\n", - "\n", - " self.conv = nn.Conv2D(\n", - " num_channels_in,\n", - " num_channels_out,\n", - " kernel_size=kernel_size,\n", - " stride=stride,\n", - " padding=padding,\n", - " weight_attr=None,\n", - " bias_attr=None,\n", - " data_format='NCHW')\n", - "\n", - " self.bn = nn.BatchNorm2D(\n", - " num_channels_out,\n", - " weight_attr=None,\n", - " bias_attr=None,\n", - " data_format='NCHW')\n", - " self.act = F.relu if act == 'relu' else brelu\n", - "\n", - " def forward(self, x, x_len):\n", - " \"\"\"\n", - " x(Tensor): audio, shape [B, C, D, T]\n", - " \"\"\"\n", - " x = self.conv(x)\n", - " x = self.bn(x)\n", - " x = self.act(x)\n", - "\n", - " x_len = (x_len - self.kernel_size[1] + 2 * self.padding[1]\n", - " ) // self.stride[1] + 1\n", - "\n", - " # reset padding part to 0\n", - " masks = sequence_mask(x_len) #[B, T]\n", - " masks = masks.unsqueeze(1).unsqueeze(1) # [B, 1, 1, T]\n", - " x = x.multiply(masks)\n", - "\n", - " return x, x_len\n", - "\n", - "\n", - "class ConvStack(nn.Layer):\n", - " def __init__(self, feat_size, num_stacks):\n", - " super().__init__()\n", - " self.feat_size = feat_size # D\n", - " self.num_stacks = num_stacks\n", - "\n", - " self.conv_in = ConvBn(\n", - " num_channels_in=1,\n", - " num_channels_out=32,\n", - " kernel_size=(41, 11), #[D, T]\n", - " stride=(2, 3),\n", - " padding=(20, 5),\n", - " act='brelu')\n", - "\n", - " out_channel = 32\n", - " self.conv_stack = nn.Sequential([\n", - " ConvBn(\n", - " num_channels_in=32,\n", - " num_channels_out=out_channel,\n", - " kernel_size=(21, 11),\n", - " stride=(2, 1),\n", - " padding=(10, 5),\n", - " act='brelu') for i in range(num_stacks - 1)\n", - " ])\n", - "\n", - " # conv output feat_dim\n", - " output_height = (feat_size - 1) // 2 + 1\n", - " for i in range(self.num_stacks - 1):\n", - " output_height = (output_height - 1) // 2 + 1\n", - " self.output_height = out_channel * output_height\n", - "\n", - " def forward(self, x, x_len):\n", - " \"\"\"\n", - " x: shape [B, C, D, T]\n", - " x_len : shape [B]\n", - " \"\"\"\n", - " print(f\"conv in: {x_len}\")\n", - " x, x_len = self.conv_in(x, x_len)\n", - " for i, conv in enumerate(self.conv_stack):\n", - " print(f\"conv in: {x_len}\")\n", - " x, x_len = conv(x, x_len)\n", - " print(f\"conv out: {x_len}\")\n", - " return x, x_len\n", - " \n", - " \n", - "\n", - "class RNNCell(nn.RNNCellBase):\n", - " r\"\"\"\n", - " Elman RNN (SimpleRNN) cell. Given the inputs and previous states, it \n", - " computes the outputs and updates states.\n", - " The formula used is as follows:\n", - " .. math::\n", - " h_{t} & = act(x_{t} + b_{ih} + W_{hh}h_{t-1} + b_{hh})\n", - " y_{t} & = h_{t}\n", - " \n", - " where :math:`act` is for :attr:`activation`.\n", - " \"\"\"\n", - "\n", - " def __init__(self,\n", - " hidden_size,\n", - " activation=\"tanh\",\n", - " weight_ih_attr=None,\n", - " weight_hh_attr=None,\n", - " bias_ih_attr=None,\n", - " bias_hh_attr=None,\n", - " name=None):\n", - " super().__init__()\n", - " std = 1.0 / math.sqrt(hidden_size)\n", - " self.weight_hh = self.create_parameter(\n", - " (hidden_size, hidden_size),\n", - " weight_hh_attr,\n", - " default_initializer=I.Uniform(-std, std))\n", - " # self.bias_ih = self.create_parameter(\n", - " # (hidden_size, ),\n", - " # bias_ih_attr,\n", - " # is_bias=True,\n", - " # default_initializer=I.Uniform(-std, std))\n", - " self.bias_ih = None\n", - " self.bias_hh = self.create_parameter(\n", - " (hidden_size, ),\n", - " bias_hh_attr,\n", - " is_bias=True,\n", - " default_initializer=I.Uniform(-std, std))\n", - "\n", - " self.hidden_size = hidden_size\n", - " if activation not in [\"tanh\", \"relu\", \"brelu\"]:\n", - " raise ValueError(\n", - " \"activation for SimpleRNNCell should be tanh or relu, \"\n", - " \"but get {}\".format(activation))\n", - " self.activation = activation\n", - " self._activation_fn = paddle.tanh \\\n", - " if activation == \"tanh\" \\\n", - " else F.relu\n", - " if activation == 'brelu':\n", - " self._activation_fn = brelu\n", - "\n", - " def forward(self, inputs, states=None):\n", - " if states is None:\n", - " states = self.get_initial_states(inputs, self.state_shape)\n", - " pre_h = states\n", - " i2h = inputs\n", - " if self.bias_ih is not None:\n", - " i2h += self.bias_ih\n", - " h2h = paddle.matmul(pre_h, self.weight_hh, transpose_y=True)\n", - " if self.bias_hh is not None:\n", - " h2h += self.bias_hh\n", - " h = self._activation_fn(i2h + h2h)\n", - " return h, h\n", - "\n", - " @property\n", - " def state_shape(self):\n", - " return (self.hidden_size, )\n", - "\n", - "\n", - "class GRUCellShare(nn.RNNCellBase):\n", - " r\"\"\"\n", - " Gated Recurrent Unit (GRU) RNN cell. Given the inputs and previous states, \n", - " it computes the outputs and updates states.\n", - " The formula for GRU used is as follows:\n", - " .. math::\n", - " r_{t} & = \\sigma(W_{ir}x_{t} + b_{ir} + W_{hr}h_{t-1} + b_{hr})\n", - " z_{t} & = \\sigma(W_{iz}x_{t} + b_{iz} + W_{hz}h_{t-1} + b_{hz})\n", - " \\widetilde{h}_{t} & = \\tanh(W_{ic}x_{t} + b_{ic} + r_{t} * (W_{hc}h_{t-1} + b_{hc}))\n", - " h_{t} & = z_{t} * h_{t-1} + (1 - z_{t}) * \\widetilde{h}_{t}\n", - " y_{t} & = h_{t}\n", - " \n", - " where :math:`\\sigma` is the sigmoid fucntion, and * is the elemetwise \n", - " multiplication operator.\n", - " \"\"\"\n", - "\n", - " def __init__(self,\n", - " input_size,\n", - " hidden_size,\n", - " weight_ih_attr=None,\n", - " weight_hh_attr=None,\n", - " bias_ih_attr=None,\n", - " bias_hh_attr=None,\n", - " name=None):\n", - " super().__init__()\n", - " std = 1.0 / math.sqrt(hidden_size)\n", - " self.weight_hh = self.create_parameter(\n", - " (3 * hidden_size, hidden_size),\n", - " weight_hh_attr,\n", - " default_initializer=I.Uniform(-std, std))\n", - " # self.bias_ih = self.create_parameter(\n", - " # (3 * hidden_size, ),\n", - " # bias_ih_attr,\n", - " # is_bias=True,\n", - " # default_initializer=I.Uniform(-std, std))\n", - " self.bias_ih = None\n", - " self.bias_hh = self.create_parameter(\n", - " (3 * hidden_size, ),\n", - " bias_hh_attr,\n", - " is_bias=True,\n", - " default_initializer=I.Uniform(-std, std))\n", - "\n", - " self.hidden_size = hidden_size\n", - " self.input_size = input_size\n", - " self._gate_activation = F.sigmoid\n", - " #self._activation = paddle.tanh\n", - " self._activation = F.relu\n", - "\n", - " def forward(self, inputs, states=None):\n", - " if states is None:\n", - " states = self.get_initial_states(inputs, self.state_shape)\n", - "\n", - " pre_hidden = states\n", - " x_gates = inputs\n", - " if self.bias_ih is not None:\n", - " x_gates = x_gates + self.bias_ih\n", - " h_gates = paddle.matmul(pre_hidden, self.weight_hh, transpose_y=True)\n", - " if self.bias_hh is not None:\n", - " h_gates = h_gates + self.bias_hh\n", - "\n", - " x_r, x_z, x_c = paddle.split(x_gates, num_or_sections=3, axis=1)\n", - " h_r, h_z, h_c = paddle.split(h_gates, num_or_sections=3, axis=1)\n", - "\n", - " r = self._gate_activation(x_r + h_r)\n", - " z = self._gate_activation(x_z + h_z)\n", - " c = self._activation(x_c + r * h_c) # apply reset gate after mm\n", - " h = (pre_hidden - c) * z + c\n", - " # https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/fluid/layers/dynamic_gru_cn.html#dynamic-gru\n", - " #h = (1-z) * pre_hidden + z * c\n", - "\n", - " return h, h\n", - "\n", - " @property\n", - " def state_shape(self):\n", - " r\"\"\"\n", - " The `state_shape` of GRUCell is a shape `[hidden_size]` (-1 for batch\n", - " size would be automatically inserted into shape). The shape corresponds\n", - " to the shape of :math:`h_{t-1}`.\n", - " \"\"\"\n", - " return (self.hidden_size, )\n", - "\n", - "\n", - "class BiRNNWithBN(nn.Layer):\n", - " \"\"\"Bidirectonal simple rnn layer with sequence-wise batch normalization.\n", - " The batch normalization is only performed on input-state weights.\n", - "\n", - " :param name: Name of the layer parameters.\n", - " :type name: string\n", - " :param size: Dimension of RNN cells.\n", - " :type size: int\n", - " :param share_weights: Whether to share input-hidden weights between\n", - " forward and backward directional RNNs.\n", - " :type share_weights: bool\n", - " :return: Bidirectional simple rnn layer.\n", - " :rtype: Variable\n", - " \"\"\"\n", - "\n", - " def __init__(self, i_size, h_size, share_weights):\n", - " super().__init__()\n", - " self.share_weights = share_weights\n", - " if self.share_weights:\n", - " #input-hidden weights shared between bi-directional rnn.\n", - " self.fw_fc = nn.Linear(i_size, h_size, bias_attr=False)\n", - " # batch norm is only performed on input-state projection\n", - " self.fw_bn = nn.BatchNorm1D(\n", - " h_size, bias_attr=None, data_format='NLC')\n", - " self.bw_fc = self.fw_fc\n", - " self.bw_bn = self.fw_bn\n", - " else:\n", - " self.fw_fc = nn.Linear(i_size, h_size, bias_attr=False)\n", - " self.fw_bn = nn.BatchNorm1D(\n", - " h_size, bias_attr=None, data_format='NLC')\n", - " self.bw_fc = nn.Linear(i_size, h_size, bias_attr=False)\n", - " self.bw_bn = nn.BatchNorm1D(\n", - " h_size, bias_attr=None, data_format='NLC')\n", - "\n", - " self.fw_cell = RNNCell(hidden_size=h_size, activation='brelu')\n", - " self.bw_cell = RNNCell(hidden_size=h_size, activation='brelu')\n", - " self.fw_rnn = nn.RNN(\n", - " self.fw_cell, is_reverse=False, time_major=False) #[B, T, D]\n", - " self.bw_rnn = nn.RNN(\n", - " self.fw_cell, is_reverse=True, time_major=False) #[B, T, D]\n", - "\n", - " def forward(self, x, x_len):\n", - " # x, shape [B, T, D]\n", - " fw_x = self.fw_bn(self.fw_fc(x))\n", - " bw_x = self.bw_bn(self.bw_fc(x))\n", - " fw_x, _ = self.fw_rnn(inputs=fw_x, sequence_length=x_len)\n", - " bw_x, _ = self.bw_rnn(inputs=bw_x, sequence_length=x_len)\n", - " x = paddle.concat([fw_x, bw_x], axis=-1)\n", - " return x, x_len\n", - "\n", - "\n", - "class BiGRUWithBN(nn.Layer):\n", - " \"\"\"Bidirectonal gru layer with sequence-wise batch normalization.\n", - " The batch normalization is only performed on input-state weights.\n", - "\n", - " :param name: Name of the layer.\n", - " :type name: string\n", - " :param input: Input layer.\n", - " :type input: Variable\n", - " :param size: Dimension of GRU cells.\n", - " :type size: int\n", - " :param act: Activation type.\n", - " :type act: string\n", - " :return: Bidirectional GRU layer.\n", - " :rtype: Variable\n", - " \"\"\"\n", - "\n", - " def __init__(self, i_size, h_size, act):\n", - " super().__init__()\n", - " hidden_size = h_size * 3\n", - " self.fw_fc = nn.Linear(i_size, hidden_size, bias_attr=False)\n", - " self.fw_bn = nn.BatchNorm1D(\n", - " hidden_size, bias_attr=None, data_format='NLC')\n", - " self.bw_fc = nn.Linear(i_size, hidden_size, bias_attr=False)\n", - " self.bw_bn = nn.BatchNorm1D(\n", - " hidden_size, bias_attr=None, data_format='NLC')\n", - "\n", - " self.fw_cell = GRUCellShare(input_size=hidden_size, hidden_size=h_size)\n", - " self.bw_cell = GRUCellShare(input_size=hidden_size, hidden_size=h_size)\n", - " self.fw_rnn = nn.RNN(\n", - " self.fw_cell, is_reverse=False, time_major=False) #[B, T, D]\n", - " self.bw_rnn = nn.RNN(\n", - " self.fw_cell, is_reverse=True, time_major=False) #[B, T, D]\n", - "\n", - " def forward(self, x, x_len):\n", - " # x, shape [B, T, D]\n", - " fw_x = self.fw_bn(self.fw_fc(x))\n", - " bw_x = self.bw_bn(self.bw_fc(x))\n", - " fw_x, _ = self.fw_rnn(inputs=fw_x, sequence_length=x_len)\n", - " bw_x, _ = self.bw_rnn(inputs=bw_x, sequence_length=x_len)\n", - " x = paddle.concat([fw_x, bw_x], axis=-1)\n", - " return x, x_len\n", - "\n", - "\n", - "class RNNStack(nn.Layer):\n", - " \"\"\"RNN group with stacked bidirectional simple RNN or GRU layers.\n", - "\n", - " :param input: Input layer.\n", - " :type input: Variable\n", - " :param size: Dimension of RNN cells in each layer.\n", - " :type size: int\n", - " :param num_stacks: Number of stacked rnn layers.\n", - " :type num_stacks: int\n", - " :param use_gru: Use gru if set True. Use simple rnn if set False.\n", - " :type use_gru: bool\n", - " :param share_rnn_weights: Whether to share input-hidden weights between\n", - " forward and backward directional RNNs.\n", - " It is only available when use_gru=False.\n", - " :type share_weights: bool\n", - " :return: Output layer of the RNN group.\n", - " :rtype: Variable\n", - " \"\"\"\n", - "\n", - " def __init__(self, i_size, h_size, num_stacks, use_gru, share_rnn_weights):\n", - " super().__init__()\n", - " self.rnn_stacks = nn.LayerList()\n", - " for i in range(num_stacks):\n", - " if use_gru:\n", - " #default:GRU using tanh\n", - " self.rnn_stacks.append(\n", - " BiGRUWithBN(i_size=i_size, h_size=h_size, act=\"relu\"))\n", - " else:\n", - " self.rnn_stacks.append(\n", - " BiRNNWithBN(\n", - " i_size=i_size,\n", - " h_size=h_size,\n", - " share_weights=share_rnn_weights))\n", - " i_size = h_size * 2\n", - "\n", - " def forward(self, x, x_len):\n", - " \"\"\"\n", - " x: shape [B, T, D]\n", - " x_len: shpae [B]\n", - " \"\"\"\n", - " for i, rnn in enumerate(self.rnn_stacks):\n", - " x, x_len = rnn(x, x_len)\n", - " masks = sequence_mask(x_len) #[B, T]\n", - " masks = masks.unsqueeze(-1) # [B, T, 1]\n", - " x = x.multiply(masks)\n", - " return x, x_len\n", - "\n", - " \n", - "class DeepSpeech2Test(DeepSpeech2):\n", - " def __init__(self,\n", - " feat_size,\n", - " dict_size,\n", - " num_conv_layers=2,\n", - " num_rnn_layers=3,\n", - " rnn_size=256,\n", - " use_gru=False,\n", - " share_rnn_weights=True):\n", - " super().__init__(feat_size,\n", - " dict_size,\n", - " num_conv_layers=2,\n", - " num_rnn_layers=3,\n", - " rnn_size=256,\n", - " use_gru=False,\n", - " share_rnn_weights=True)\n", - " self.feat_size = feat_size # 161 for linear\n", - " self.dict_size = dict_size\n", - "\n", - " self.conv = ConvStack(feat_size, num_conv_layers)\n", - " \n", - "# self.fc = nn.Linear(1312, dict_size + 1)\n", - "\n", - " i_size = self.conv.output_height # H after conv stack\n", - " self.rnn = RNNStack(\n", - " i_size=i_size,\n", - " h_size=rnn_size,\n", - " num_stacks=num_rnn_layers,\n", - " use_gru=use_gru,\n", - " share_rnn_weights=share_rnn_weights)\n", - " \n", - " self.fc = nn.Linear(rnn_size * 2, dict_size + 1)\n", - " \n", - " def infer(self, audio, audio_len):\n", - " # [B, D, T] -> [B, C=1, D, T]\n", - " audio = audio.unsqueeze(1)\n", - "\n", - " # convolution group\n", - " x, audio_len = self.conv(audio, audio_len)\n", - " print('conv out', x.shape)\n", - "\n", - " # convert data from convolution feature map to sequence of vectors\n", - " B, C, D, T = paddle.shape(x)\n", - " x = x.transpose([0, 3, 1, 2]) #[B, T, C, D]\n", - " x = x.reshape([B, T, C * D]) #[B, T, C*D]\n", - " print('rnn input', x.shape)\n", - "\n", - " # remove padding part\n", - " x, audio_len = self.rnn(x, audio_len) #[B, T, D]\n", - " print('rnn output', x.shape)\n", - "\n", - " logits = self.fc(x) #[B, T, V + 1]\n", - "\n", - " #ctcdecoder need probs, not log_probs\n", - " probs = F.softmax(logits)\n", - "\n", - " return logits, probs, audio_len\n", - "\n", - " def forward(self, audio, audio_len, text, text_len):\n", - " \"\"\"\n", - " audio: shape [B, D, T]\n", - " text: shape [B, T]\n", - " audio_len: shape [B]\n", - " text_len: shape [B]\n", - " \"\"\"\n", - " return self.infer(audio, audio_len)\n", - " \n", - "\n", - "feat_dim=161\n", - "\n", - "model = DeepSpeech2Test(\n", - " feat_size=feat_dim,\n", - " dict_size=batch_reader.dataset.vocab_size,\n", - " num_conv_layers=args.num_conv_layers,\n", - " num_rnn_layers=args.num_rnn_layers,\n", - " rnn_size=1024,\n", - " use_gru=args.use_gru,\n", - " share_rnn_weights=args.share_rnn_weights,\n", - " )\n", - "dp_model = model\n", - "#dp_model = paddle.DataParallel(model)\n", - "\n", - "loss_fn = DeepSpeech2Loss(batch_reader.dataset.vocab_size)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "divided-incentive", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 22, - "id": "discrete-conjunction", - "metadata": {}, - "outputs": [], - "source": [ - "audio, audio_len, text, text_len = None, None, None, None\n", - "\n", - "for idx, inputs in enumerate(batch_reader):\n", - " audio, audio_len, text, text_len = inputs\n", - "# print(idx)\n", - "# print('a', audio.shape, audio.place)\n", - "# print('t', text)\n", - "# print('al', audio_len)\n", - "# print('tl', text_len)\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "id": "protected-announcement", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "conv in: Tensor(shape=[5], dtype=int64, place=CUDAPinnedPlace, stop_gradient=True,\n", - " [163, 167, 180, 186, 186])\n", - "seq mask: Tensor(shape=[5, 62], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.]])\n", - "conv in: Tensor(shape=[5], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [55, 56, 60, 62, 62])\n", - "seq mask: Tensor(shape=[5, 62], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.]])\n", - "conv out: Tensor(shape=[5], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [55, 56, 60, 62, 62])\n", - "conv out [5, 32, 41, 62]\n", - "rnn input [5, 62, 1312]\n", - "seq mask: Tensor(shape=[5, 62], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.]])\n", - "seq mask: Tensor(shape=[5, 62], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.]])\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/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\n", - " return (isinstance(seq, collections.Sequence) and\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "seq mask: Tensor(shape=[5, 62], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0., 0., 0., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 0., 0.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.],\n", - " [1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1., 1.]])\n", - "rnn output [5, 62, 2048]\n", - "logits len Tensor(shape=[5], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [55, 56, 60, 62, 62])\n", - "loss Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [2316.82153320])\n" - ] - } - ], - "source": [ - "outputs = dp_model(audio, audio_len, text, text_len)\n", - "logits, _, logits_len = outputs\n", - "print('logits len', logits_len)\n", - "loss = loss_fn.forward(logits, text, logits_len, text_len)\n", - "print('loss', loss)" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "id": "universal-myrtle", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "param grad: conv.conv_in.conv.weight: shape: [32, 1, 41, 11] stop_grad: False grad: None\n", - "param grad: conv.conv_in.conv.bias: shape: [32] stop_grad: False grad: None\n", - "param grad: conv.conv_in.bn.weight: shape: [32] stop_grad: False grad: None\n", - "param grad: conv.conv_in.bn.bias: shape: [32] stop_grad: False grad: None\n", - "param grad: conv.conv_in.bn._mean: shape: [32] stop_grad: True grad: None\n", - "param grad: conv.conv_in.bn._variance: shape: [32] stop_grad: True grad: None\n", - "param grad: conv.conv_stack.0.conv.weight: shape: [32, 32, 21, 11] stop_grad: False grad: None\n", - "param grad: conv.conv_stack.0.conv.bias: shape: [32] stop_grad: False grad: None\n", - "param grad: conv.conv_stack.0.bn.weight: shape: [32] stop_grad: False grad: None\n", - "param grad: conv.conv_stack.0.bn.bias: shape: [32] stop_grad: False grad: None\n", - "param grad: conv.conv_stack.0.bn._mean: shape: [32] stop_grad: True grad: None\n", - "param grad: conv.conv_stack.0.bn._variance: shape: [32] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_fc.weight: shape: [1312, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_bn.weight: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_bn.bias: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_bn._mean: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_bn._variance: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.0.bw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.0.bw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_fc.weight: shape: [2048, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_bn.weight: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_bn.bias: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_bn._mean: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_bn._variance: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.bw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.bw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_fc.weight: shape: [2048, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_bn.weight: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_bn.bias: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_bn._mean: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_bn._variance: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.bw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.bw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: fc.weight: shape: [2048, 4299] stop_grad: False grad: None\n", - "param grad: fc.bias: shape: [4299] stop_grad: False grad: None\n" - ] - } - ], - "source": [ - "for n, p in dp_model.named_parameters():\n", - " print(\n", - " f\"param grad: {n}: shape: {p.shape} stop_grad: {p.stop_gradient} grad: {p.grad}\")" - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "id": "referenced-double", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "param grad: conv.conv_in.conv.weight: shape: [32, 1, 41, 11] stop_grad: False grad: [[[[ 2.1243238 1.696022 3.770659 ... 5.234652 5.4865217\n", - " 4.757795 ]\n", - " [ 2.651376 2.3109848 4.428488 ... 5.353201 8.703288\n", - " 5.1787405 ]\n", - " [ 2.7511077 1.8823049 2.1875212 ... 3.4821286 6.386543\n", - " 3.5026932 ]\n", - " ...\n", - " [ 1.9173846 1.8623551 0.5601456 ... 2.8375719 3.8496673\n", - " 2.359191 ]\n", - " [ 2.3827765 2.497965 1.5914664 ... 2.220721 3.4617734\n", - " 4.829253 ]\n", - " [ 1.6855702 1.5040786 1.8793598 ... 4.0773935 3.176893\n", - " 3.7477999 ]]]\n", - "\n", - "\n", - " [[[ 1.8451455 2.0091445 1.5225713 ... 1.524528 0.17764974\n", - " 1.0245132 ]\n", - " [ 1.9388857 1.3873467 2.044691 ... 0.92544 -0.9746763\n", - " -0.41603735]\n", - " [ 2.6814485 2.6096234 1.6802506 ... 1.902397 1.6837387\n", - " -0.96788657]\n", - " ...\n", - " [ 4.3675485 1.9822174 1.1695029 ... 1.4672399 3.2029557\n", - " 2.6364415 ]\n", - " [ 3.2536 1.1792442 -0.5618002 ... 2.101127 1.904225\n", - " 3.3839993 ]\n", - " [ 1.9118482 1.0651072 0.5409893 ... 2.6783593 1.6871439\n", - " 4.1078367 ]]]\n", - "\n", - "\n", - " [[[-4.412424 -1.7111907 -1.7722387 ... -4.3383503 -6.2393785\n", - " -6.139402 ]\n", - " [-2.260428 -1.0250616 -2.0550888 ... -5.353946 -4.29947\n", - " -6.158736 ]\n", - " [-1.4927872 0.7552787 -0.0702923 ... -4.485656 -4.0794134\n", - " -5.416684 ]\n", - " ...\n", - " [ 2.9100134 4.156195 4.357041 ... -3.569804 -1.8634341\n", - " -0.8772557 ]\n", - " [ 1.6895763 3.4314504 4.1192107 ... -1.380024 -2.3234155\n", - " -3.6650617 ]\n", - " [ 2.4190075 1.007498 3.1173465 ... -0.96318084 -3.6175003\n", - " -2.5240796 ]]]\n", - "\n", - "\n", - " ...\n", - "\n", - "\n", - " [[[-0.6865506 -0.60106415 -1.5555015 ... 2.0853553 1.900961\n", - " 2.101063 ]\n", - " [-0.31686288 -1.4362946 -1.4929098 ... 0.15085456 1.4540495\n", - " 1.4128599 ]\n", - " [-0.57852304 -0.8204216 -2.3264258 ... 1.4970423 0.54599845\n", - " 1.6222539 ]\n", - " ...\n", - " [ 0.32624918 0.96004546 -0.7476514 ... 2.2786083 2.1000178\n", - " 2.7494807 ]\n", - " [-1.6967826 -0.78979015 -1.8424999 ... 1.0620685 2.0544293\n", - " 2.2483966 ]\n", - " [ 0.8192332 2.601636 -2.6636481 ... 0.26625186 1.7610842\n", - " 1.7467536 ]]]\n", - "\n", - "\n", - " [[[ 0.9140297 0.42424175 1.4352363 ... -2.3022954 -3.001058\n", - " -2.6987422 ]\n", - " [ 0.4491998 -0.10698095 1.5089144 ... -3.2831016 -3.6055021\n", - " -3.6595795 ]\n", - " [ 2.6818252 -1.5750014 -0.34812498 ... -4.4137015 -4.250422\n", - " -3.481941 ]\n", - " ...\n", - " [ 1.4232106 2.9689102 3.9547806 ... -0.481165 0.28190404\n", - " -1.2167063 ]\n", - " [ 2.2297084 4.8198485 4.2857304 ... 0.57483846 1.4093391\n", - " 0.0715822 ]\n", - " [ 1.679745 4.768068 5.416195 ... 0.17254728 0.4623217\n", - " 1.4772662 ]]]\n", - "\n", - "\n", - " [[[-2.0860114 -2.9508173 -1.4945896 ... -4.067145 -2.5652342\n", - " -3.5771027 ]\n", - " [-2.697845 -1.9273603 -2.3885014 ... -2.196533 -2.8573706\n", - " -2.0113711 ]\n", - " [-2.413383 -2.7204053 -1.0502659 ... -3.001385 -3.36447\n", - " -4.3225455 ]\n", - " ...\n", - " [ 1.2754489 0.9560999 1.5239805 ... -0.0105865 -1.00876\n", - " 2.6247358 ]\n", - " [ 1.1965859 1.0378222 1.1025598 ... -0.5394704 0.49838027\n", - " -0.9618193 ]\n", - " [ 1.1361816 1.3232857 0.687318 ... -0.23925456 -0.43679112\n", - " -0.79297894]]]]\n", - "param grad: conv.conv_in.conv.bias: shape: [32] stop_grad: False grad: [ 5.9604645e-07 -3.9339066e-06 -1.0728836e-06 -1.6689301e-06\n", - " 1.1920929e-06 -2.5033951e-06 -2.3841858e-07 4.7683716e-07\n", - " 4.2915344e-06 -1.9073486e-06 -1.9073486e-06 3.0994415e-06\n", - " -2.6822090e-06 3.3378601e-06 -4.2915344e-06 5.2452087e-06\n", - " 3.8146973e-06 2.3841858e-07 7.1525574e-07 -3.6954880e-06\n", - " 2.0563602e-06 -2.6226044e-06 3.0994415e-06 -3.5762787e-07\n", - " -4.7683716e-06 1.2218952e-06 3.3378601e-06 -2.5629997e-06\n", - " 2.3841858e-07 -1.7881393e-06 4.7683716e-07 -2.7418137e-06]\n", - "param grad: conv.conv_in.bn.weight: shape: [32] stop_grad: False grad: [ 2.363316 3.286464 1.9607866 -1.6367784 -1.6325372 -1.7729434\n", - " -0.9261875 2.0950415 0.1155543 -0.8857083 0.70079553 0.33920464\n", - " 2.6953902 -0.64524114 0.8845749 -1.2271115 0.6578167 -2.939814\n", - " 5.5728893 -1.0917969 0.01470797 1.395206 4.8009634 -0.744532\n", - " 0.944651 -1.092311 1.4877632 -3.042566 0.51686054 -5.4768667\n", - " -5.628145 -1.0894046 ]\n", - "param grad: conv.conv_in.bn.bias: shape: [32] stop_grad: False grad: [ 1.5193373 1.8838218 3.7722278 0.28052303 0.5386534 -0.44620085\n", - " -1.6977876 3.115642 0.03312349 -2.9121587 3.8925257 0.2288351\n", - " -2.273387 -1.3597974 4.3708124 -0.23374033 0.116272 -0.7064927\n", - " 6.5267463 -1.5318865 1.0288429 0.7928574 -0.24655592 -2.1116853\n", - " 2.922772 -3.3462617 1.7016437 -3.5471547 0.29777628 -3.2820854\n", - " -4.116946 -0.9909375 ]\n", - "param grad: conv.conv_in.bn._mean: shape: [32] stop_grad: True grad: None\n", - "param grad: conv.conv_in.bn._variance: shape: [32] stop_grad: True grad: None\n", - "param grad: conv.conv_stack.0.conv.weight: shape: [32, 32, 21, 11] stop_grad: False grad: [[[[ 6.20494843e-01 5.95983505e-01 -1.48909020e+00 ... -6.86620831e-01\n", - " 6.71104014e-01 -1.95339048e+00]\n", - " [-3.91837955e-03 1.27062631e+00 -1.63248098e+00 ... 1.07290137e+00\n", - " -9.42245364e-01 -3.34277248e+00]\n", - " [ 2.41821265e+00 2.36212373e-01 -1.84433365e+00 ... 1.23182368e+00\n", - " 1.36039746e+00 -2.94621849e+00]\n", - " ...\n", - " [ 1.55153418e+00 7.25861669e-01 2.08785534e+00 ... -6.40172660e-01\n", - " -3.23889256e-02 -2.30832791e+00]\n", - " [ 3.69824195e+00 1.27163112e-01 4.09263194e-01 ... -8.60729575e-01\n", - " -3.51897454e+00 -2.10093403e+00]\n", - " [-4.94779050e-01 -3.74262631e-01 -1.19801068e+00 ... -2.05930543e+00\n", - " -7.38576293e-01 -9.44581270e-01]]\n", - "\n", - " [[-2.04341412e+00 -3.70606273e-01 -1.40429378e+00 ... -1.71711946e+00\n", - " -4.09437418e-01 -1.74107194e+00]\n", - " [-8.72247815e-01 -1.06301677e+00 -9.19306517e-01 ... -2.98976970e+00\n", - " -3.03250861e+00 -2.37099743e+00]\n", - " [-5.00457406e-01 -1.11882675e+00 -5.91526508e-01 ... 4.23921436e-01\n", - " -2.08650708e+00 -1.82109618e+00]\n", - " ...\n", - " [ 2.07773042e+00 1.40735030e-01 -2.60543615e-01 ... -1.55956164e-01\n", - " -1.31862307e+00 -2.07174897e+00]\n", - " [ 7.95007765e-01 1.14988625e-01 -1.43308258e+00 ... 8.29253554e-01\n", - " -9.57888126e-01 -3.82121086e-01]\n", - " [ 8.34397674e-02 1.38636863e+00 -1.21593380e+00 ... -2.65783578e-01\n", - " 1.78124309e-02 -3.40287232e+00]]\n", - "\n", - " [[ 6.27344131e-01 5.71699142e-02 -3.58010936e+00 ... -4.53077674e-01\n", - " 1.65331578e+00 2.58466601e-02]\n", - " [ 2.66681361e+00 2.02069378e+00 -1.52052927e+00 ... 2.94914508e+00\n", - " 1.94632411e+00 -1.06698799e+00]\n", - " [ 1.57839453e+00 -1.03649735e-01 -4.22528505e+00 ... 2.28863955e+00\n", - " 4.27859402e+00 3.66381669e+00]\n", - " ...\n", - " [-2.44603205e+00 -2.09621000e+00 -2.57623529e+00 ... 9.00211930e-01\n", - " 4.30536079e+00 -2.49779320e+00]\n", - " [-2.52187514e+00 -3.36546659e+00 -1.26748765e+00 ... 8.11533451e-01\n", - " 2.55930424e-01 4.50821817e-02]\n", - " [-3.40082574e+00 -3.26924801e+00 -5.86932135e+00 ... -1.18203712e+00\n", - " 1.09565187e+00 -4.96661961e-01]]\n", - "\n", - " ...\n", - "\n", - " [[ 8.20469666e+00 6.96195841e+00 2.73753977e+00 ... 8.34498823e-01\n", - " 2.56748104e+00 1.67592216e+00]\n", - " [ 9.85801792e+00 8.81465149e+00 6.09280396e+00 ... 1.42389655e+00\n", - " 2.92086434e+00 2.08308399e-01]\n", - " [ 8.00702763e+00 7.97301006e+00 4.64527416e+00 ... 8.61916900e-01\n", - " 3.55370259e+00 4.75085378e-01]\n", - " ...\n", - " [ 5.61662769e+00 -4.72857296e-01 -1.04519971e-01 ... -4.03000236e-01\n", - " -1.66419971e+00 -1.70375630e-01]\n", - " [ 4.52409792e+00 -3.70670676e-01 4.54190969e-02 ... -8.20453286e-01\n", - " 9.49141383e-02 8.88008535e-01]\n", - " [ 3.27219462e+00 8.93201411e-01 1.94810414e+00 ... -2.86915004e-02\n", - " 1.93200278e+00 8.19505215e-01]]\n", - "\n", - " [[ 5.84066296e+00 6.72855520e+00 5.21399307e+00 ... 4.55058670e+00\n", - " 3.19132543e+00 3.17435169e+00]\n", - " [ 6.04594421e+00 6.88997173e+00 5.00542831e+00 ... 2.23561144e+00\n", - " 2.76059532e+00 4.83479440e-01]\n", - " [ 5.36118126e+00 4.13896275e+00 3.68701124e+00 ... 3.64462805e+00\n", - " 2.80596399e+00 1.52781498e+00]\n", - " ...\n", - " [ 2.87856674e+00 5.84320784e-01 1.74297714e+00 ... 2.83938944e-01\n", - " -2.26546407e-01 -1.18434143e+00]\n", - " [ 2.08510804e+00 1.74915957e+00 1.58637917e+00 ... 6.41967297e-01\n", - " -1.31319761e-01 -3.85830402e-01]\n", - " [ 4.41666174e+00 2.58244562e+00 2.97712159e+00 ... 1.42317235e-01\n", - " 1.68037796e+00 -6.50003672e-01]]\n", - "\n", - " [[ 1.05511594e+00 6.74880028e-01 -7.64639139e-01 ... -2.15282440e-01\n", - " 2.07197094e+00 4.48752761e-01]\n", - " [ 2.12095881e+00 3.44118834e+00 1.61375272e+00 ... -1.18487728e+00\n", - " 1.88659012e+00 1.48252523e+00]\n", - " [ 8.33427787e-01 4.35035896e+00 -3.59877385e-02 ... 8.70242774e-01\n", - " 3.75945044e+00 -3.09408635e-01]\n", - " ...\n", - " [ 5.08510351e+00 4.73114061e+00 1.97346115e+00 ... -2.25924397e+00\n", - " -1.26373076e+00 -1.37826729e+00]\n", - " [ 6.17275095e+00 4.16016817e+00 3.15675950e+00 ... -2.02416754e+00\n", - " 1.50002241e-02 1.84633851e+00]\n", - " [ 7.32995272e+00 5.34601831e+00 4.58857203e+00 ... -1.88874304e+00\n", - " 1.53240371e+00 7.47349262e-02]]]\n", - "\n", - "\n", - " [[[-1.80918843e-01 -2.52616453e+00 -2.78145695e+00 ... 1.44283652e+00\n", - " -1.08945215e+00 4.19084758e-01]\n", - " [-9.66833949e-01 -2.41106153e+00 -3.48886085e+00 ... -1.87193304e-01\n", - " 8.21905077e-01 1.89097953e+00]\n", - " [-1.59118319e+00 -2.56997013e+00 -3.10426521e+00 ... 2.05900550e+00\n", - " -2.78253704e-01 6.96343541e-01]\n", - " ...\n", - " [ 6.66302443e-02 -2.00887346e+00 -3.17550874e+00 ... 7.97579706e-01\n", - " -9.71581042e-02 1.71877682e+00]\n", - " [-8.01679730e-01 -2.02678037e+00 -3.21915555e+00 ... 8.35528374e-01\n", - " -1.15296638e+00 4.35728967e-01]\n", - " [ 1.45292446e-01 -2.15479851e+00 -1.51839817e+00 ... -3.07936192e-01\n", - " -5.39051890e-01 1.13107657e+00]]\n", - "\n", - " [[-2.43341160e+00 -3.35346818e+00 -9.87014294e-01 ... 1.34049034e+00\n", - " 2.95773447e-02 1.27177119e+00]\n", - " [-2.61602497e+00 -9.76761580e-01 -2.52060473e-01 ... -1.38134825e+00\n", - " 3.85564029e-01 4.57195908e-01]\n", - " [-2.23676014e+00 -4.00404739e+00 -2.23409963e+00 ... -1.41846514e+00\n", - " -6.58698231e-02 -3.61778140e-01]\n", - " ...\n", - " [-1.13604403e+00 -6.03917837e-02 -4.95491922e-01 ... 2.14673686e+00\n", - " 1.21484184e+00 2.22764325e+00]\n", - " [-1.05162430e+00 -1.59828448e+00 3.15489501e-01 ... 2.28046751e+00\n", - " 2.39702511e+00 2.43942714e+00]\n", - " [-1.27370405e+00 -2.05736399e-01 -1.12124372e+00 ... 2.21597219e+00\n", - " 2.50086927e+00 1.91134131e+00]]\n", - "\n", - " [[-4.53170598e-01 -1.59644139e+00 -3.63470483e+00 ... -4.35066032e+00\n", - " -3.79540777e+00 -1.09796596e+00]\n", - " [-2.21036464e-01 -2.53353834e+00 -1.28269875e+00 ... -3.38615727e+00\n", - " -2.59143281e+00 7.74220943e-01]\n", - " [-6.89323783e-01 -1.44375205e+00 6.66438341e-02 ... -1.30736077e+00\n", - " -1.23293114e+00 1.58148706e+00]\n", - " ...\n", - " [ 1.63751483e+00 -4.08427984e-01 -8.15176964e-01 ... 3.70807743e+00\n", - " 2.04232907e+00 1.97716308e+00]\n", - " [ 2.13261342e+00 1.85947633e+00 -8.06532025e-01 ... 1.98311245e+00\n", - " 2.27003932e+00 -1.11734614e-01]\n", - " [ 1.28702402e+00 3.98628891e-01 -1.63712263e+00 ... 8.00528765e-01\n", - " 5.78273535e-01 -2.59924948e-01]]\n", - "\n", - " ...\n", - "\n", - " [[ 3.96233416e+00 4.66794682e+00 1.39437711e+00 ... 7.52061129e-01\n", - " -1.53534544e+00 -6.67162359e-01]\n", - " [ 2.33841681e+00 3.35811281e+00 9.80114818e-01 ... 1.48806703e+00\n", - " 2.68609226e-01 -1.35124445e+00]\n", - " [ 2.08177710e+00 4.28519583e+00 1.52450514e+00 ... 7.45321214e-01\n", - " -5.04359961e-01 -1.81241560e+00]\n", - " ...\n", - " [ 2.95398951e-01 4.30877179e-01 -2.03731894e+00 ... -4.20221925e-01\n", - " 3.29260826e-01 5.83679557e-01]\n", - " [ 1.30742240e+00 -6.32183790e-01 -3.13741422e+00 ... 9.63868052e-02\n", - " 2.91730791e-01 1.33400351e-01]\n", - " [ 5.43292165e-01 -2.83665359e-01 -1.88138187e+00 ... 2.15468198e-01\n", - " 4.90157723e-01 2.40562439e+00]]\n", - "\n", - " [[ 1.57632053e+00 6.27885723e+00 2.87853765e+00 ... 3.07016110e+00\n", - " 1.91490650e+00 1.76274943e+00]\n", - " [ 2.57776356e+00 4.07256317e+00 2.52231169e+00 ... 4.09494352e+00\n", - " 2.53548074e+00 2.44395185e+00]\n", - " [ 2.43037057e+00 4.35728836e+00 1.96233964e+00 ... 2.26702976e+00\n", - " 2.94634581e+00 2.21452284e+00]\n", - " ...\n", - " [-2.72509992e-01 -8.41220498e-01 -1.89133918e+00 ... -1.80079627e+00\n", - " -2.00367713e+00 -7.09145784e-01]\n", - " [ 8.21575999e-01 -1.13323164e+00 -2.62418866e+00 ... -2.38889670e+00\n", - " -7.83945560e-01 -1.01922750e-01]\n", - " [-1.14730227e+00 -1.42182577e+00 -2.00993991e+00 ... -2.11025667e+00\n", - " 1.60286129e-02 -7.26446986e-01]]\n", - "\n", - " [[ 4.20389509e+00 3.75917768e+00 4.97653627e+00 ... 1.23642838e+00\n", - " 8.52760911e-01 1.27920091e-01]\n", - " [ 5.29409122e+00 5.29002380e+00 3.96404648e+00 ... 1.91227329e+00\n", - " 3.97556186e-01 1.69182217e+00]\n", - " [ 4.60112572e+00 4.12772799e+00 2.10280085e+00 ... 3.24303842e+00\n", - " -1.07720590e+00 -3.81854475e-01]\n", - " ...\n", - " [ 1.81884170e-02 -3.11472058e+00 -8.23525012e-01 ... -2.40161085e+00\n", - " -4.48192549e+00 -6.14600539e-01]\n", - " [ 1.16305006e+00 -1.15409636e+00 -3.48765063e+00 ... -1.97504926e+00\n", - " -4.44984436e+00 -2.28429958e-01]\n", - " [ 1.29197860e+00 6.17720246e-01 -5.87171853e-01 ... -1.35258228e-01\n", - " -1.29259872e+00 1.30360842e-01]]]\n", - "\n", - "\n", - " [[[-1.26687372e+00 -2.33633637e+00 -1.49625254e+00 ... 2.52396107e+00\n", - " -6.68072224e-01 -1.13282454e+00]\n", - " [-1.34229445e+00 -2.87080932e+00 -2.57388353e+00 ... -8.75385761e-01\n", - " -1.00205469e+00 -3.58956242e+00]\n", - " [-9.49853599e-01 -5.78684711e+00 -3.52962446e+00 ... 8.88233304e-01\n", - " 2.25133196e-01 -1.02802217e+00]\n", - " ...\n", - " [-7.38113701e-01 -3.47510982e+00 -3.23011065e+00 ... -1.25624001e+00\n", - " -1.63268471e+00 6.00247443e-01]\n", - " [-2.29733467e+00 -5.72547615e-01 -1.98301303e+00 ... -1.90137398e+00\n", - " -1.47013855e+00 -1.45779204e+00]\n", - " [-2.24628520e+00 -3.36337948e+00 -3.91878939e+00 ... -1.53652275e+00\n", - " -1.36285520e+00 -1.68160331e+00]]\n", - "\n", - " [[-8.11348319e-01 -7.17824280e-01 -1.02243233e+00 ... -2.69050407e+00\n", - " -2.32403350e+00 -4.25943947e+00]\n", - " [-2.35056520e+00 -2.35941172e+00 -1.24398732e+00 ... -2.08313870e+00\n", - " -1.16508257e+00 -1.30353463e+00]\n", - " [-2.25146723e+00 -1.94972813e+00 -1.13295293e+00 ... -2.61496377e+00\n", - " -1.91106403e+00 -1.07801402e+00]\n", - " ...\n", - " [-2.67012739e+00 -3.20916414e+00 -2.41768575e+00 ... 2.65138328e-01\n", - " -5.27612507e-01 1.44604075e+00]\n", - " [-3.54237866e+00 -3.62832785e+00 -2.40270257e+00 ... -9.76106226e-02\n", - " 4.67946082e-01 -7.24248111e-01]\n", - " [-2.49844384e+00 -3.42463255e+00 -2.99040008e+00 ... 4.28889185e-01\n", - " -7.51657963e-01 -1.00530767e+00]]\n", - "\n", - " [[-8.42589438e-02 1.42022014e-01 -8.51281703e-01 ... 4.21745628e-01\n", - " -2.35717297e-02 -1.71374834e+00]\n", - " [-1.05496287e+00 3.82416457e-01 -4.40595537e-01 ... 1.03381336e-01\n", - " -1.41204190e+00 -7.58325040e-01]\n", - " [-2.28930283e+00 -2.03857040e+00 -9.16261196e-01 ... -3.94939929e-01\n", - " -1.07798588e+00 -1.48433352e+00]\n", - " ...\n", - " [-3.11473966e-01 -1.40877593e+00 -2.42908645e+00 ... 7.88682699e-01\n", - " 1.24199319e+00 1.89949930e-01]\n", - " [ 5.44084549e-01 -1.02425671e+00 -1.53991556e+00 ... -4.36764538e-01\n", - " -5.78772545e-01 2.62665659e-01]\n", - " [ 1.26812792e+00 -9.89493608e-01 -1.47972977e+00 ... 2.21440494e-02\n", - " 2.79776216e-01 7.63269484e-01]]\n", - "\n", - " ...\n", - "\n", - " [[ 6.02095068e-01 5.93243122e-01 -1.06838238e+00 ... 3.56546330e+00\n", - " 1.16390383e+00 -1.47593319e-01]\n", - " [ 1.80458140e+00 1.68401957e+00 4.17516947e-01 ... 3.33444500e+00\n", - " 1.89411759e+00 1.03220642e-01]\n", - " [ 2.74264169e+00 2.92038846e+00 1.00775683e+00 ... 3.53285050e+00\n", - " 2.07282662e+00 -2.56800652e-01]\n", - " ...\n", - " [ 4.88933468e+00 3.72433925e+00 3.58677816e+00 ... 1.98363388e+00\n", - " 1.80851030e+00 8.32634747e-01]\n", - " [ 4.01546288e+00 4.78934765e+00 2.94778132e+00 ... 2.99637699e+00\n", - " 1.30439472e+00 3.61029744e-01]\n", - " [ 3.13628030e+00 2.01894832e+00 2.82585931e+00 ... 2.54264188e+00\n", - " -9.16651785e-02 9.93353873e-02]]\n", - "\n", - " [[ 2.35585642e+00 8.42678428e-01 1.57331872e+00 ... 3.65935063e+00\n", - " 3.94066262e+00 4.89832020e+00]\n", - " [ 1.85791731e+00 1.34373701e+00 1.30812299e+00 ... 2.71434736e+00\n", - " 3.22004294e+00 2.99872303e+00]\n", - " [ 1.67675853e+00 -4.05569375e-02 1.85539150e+00 ... 3.73934364e+00\n", - " 2.98195982e+00 3.37315011e+00]\n", - " ...\n", - " [ 2.14539170e+00 2.86586595e+00 2.20222116e+00 ... 1.20492995e+00\n", - " 2.13971066e+00 1.94932449e+00]\n", - " [ 4.68422651e+00 3.80044746e+00 4.23209000e+00 ... 2.40658951e+00\n", - " 2.29117441e+00 2.52368808e+00]\n", - " [ 3.10694575e+00 2.49402595e+00 4.53786707e+00 ... 9.08902645e-01\n", - " 1.86903965e+00 2.27776885e+00]]\n", - "\n", - " [[ 1.45200038e+00 5.17961740e-01 -1.58403587e+00 ... 5.07019472e+00\n", - " 7.87163258e-01 1.20610237e+00]\n", - " [ 3.39321136e+00 2.21043849e+00 -6.31202877e-01 ... 4.97822762e+00\n", - " 9.66498017e-01 1.18883348e+00]\n", - " [ 1.20627856e+00 1.82759428e+00 5.91053367e-01 ... 4.14318657e+00\n", - " 5.25399208e-01 -1.16850233e+00]\n", - " ...\n", - " [ 1.05183899e+00 5.80030501e-01 1.89724147e+00 ... 2.54626465e+00\n", - " -1.49128008e+00 -1.85064209e+00]\n", - " [ 1.50983357e+00 2.85973406e+00 2.61224055e+00 ... 4.83481932e+00\n", - " 9.67048705e-02 -4.37043965e-01]\n", - " [ 2.57720876e+00 2.09961963e+00 4.11754288e-02 ... 3.80421424e+00\n", - " -7.83308804e-01 -1.64871216e+00]]]\n", - "\n", - "\n", - " ...\n", - "\n", - "\n", - " [[[-1.16345096e+00 -2.53971386e+00 -8.99101734e-01 ... -4.35583591e-01\n", - " -1.29671764e+00 -1.61429560e+00]\n", - " [ 3.72841507e-01 3.45808208e-01 -1.82167351e+00 ... -2.14515448e+00\n", - " -1.26383066e+00 -2.27464601e-01]\n", - " [ 1.58568513e+00 2.58181524e+00 1.86554670e+00 ... -1.10401320e+00\n", - " -3.68550658e-01 -2.58849680e-01]\n", - " ...\n", - " [-9.15827155e-01 -1.25424683e+00 -4.04716206e+00 ... 2.13138080e+00\n", - " 2.67662477e+00 2.31014514e+00]\n", - " [-3.19453120e-01 -6.71132684e-01 -1.51378751e+00 ... 1.86080432e+00\n", - " 2.77418542e+00 1.22875953e+00]\n", - " [-1.20453942e+00 -3.93669218e-01 -1.51751983e+00 ... 1.17620552e+00\n", - " 1.95602298e+00 7.64306366e-01]]\n", - "\n", - " [[-8.73186827e-01 -2.12537169e+00 -1.91664994e+00 ... -2.90821463e-01\n", - " 1.90896463e+00 8.02283168e-01]\n", - " [-1.06389821e+00 -2.15300727e+00 -1.82113051e+00 ... -4.34280694e-01\n", - " 1.53455496e+00 1.94702053e+00]\n", - " [-2.08403468e+00 -4.72900331e-01 -1.10610819e+00 ... -8.79420400e-01\n", - " 7.79394627e-01 2.02670670e+00]\n", - " ...\n", - " [-4.28208113e-01 -7.90894389e-01 -1.06713009e+00 ... 1.12579381e+00\n", - " 9.61961091e-01 1.40342009e+00]\n", - " [ 4.40416574e-01 -1.65901780e-02 -1.05338669e+00 ... 1.40698349e+00\n", - " 9.43485856e-01 2.34856772e+00]\n", - " [-1.20572495e+00 -2.03134632e+00 4.88817632e-01 ... 2.20770907e+00\n", - " 1.38143206e+00 2.00714707e+00]]\n", - "\n", - " [[ 9.00486887e-01 -9.50459957e-01 -1.42935121e+00 ... -1.30648065e+00\n", - " -2.52133775e+00 -8.87715697e-01]\n", - " [ 3.73431134e+00 1.69571114e+00 5.99429727e-01 ... 6.64332986e-01\n", - " -6.10453069e-01 2.06534386e+00]\n", - " [ 1.59800696e+00 -4.59622175e-01 -6.73136234e-01 ... 2.18770742e-01\n", - " -1.12928271e+00 4.87097502e-02]\n", - " ...\n", - " [ 1.92336845e+00 1.37130380e-01 -3.51048648e-01 ... 5.41638851e-01\n", - " 1.06069386e+00 1.36404145e+00]\n", - " [ 1.29641414e+00 -2.79530913e-01 -2.63607264e-01 ... -8.62445176e-01\n", - " 1.48393130e+00 2.69196725e+00]\n", - " [ 1.14442182e+00 -1.24098969e+00 3.70959163e-01 ... -1.12241995e+00\n", - " 3.67927134e-01 2.55976987e+00]]\n", - "\n", - " ...\n", - "\n", - " [[ 5.32017851e+00 3.64207411e+00 3.84571218e+00 ... 3.60754800e+00\n", - " 2.57500267e+00 -1.38083458e-01]\n", - " [ 5.69058084e+00 3.93056583e+00 2.93337941e+00 ... 3.17091584e+00\n", - " 2.34770632e+00 6.48133337e-01]\n", - " [ 5.98239613e+00 6.16548634e+00 3.04750896e+00 ... 5.51510525e+00\n", - " 4.34810448e+00 1.31588542e+00]\n", - " ...\n", - " [ 5.09930992e+00 3.32360983e+00 2.29228449e+00 ... 3.45123887e-01\n", - " 1.06280947e+00 -5.93325794e-02]\n", - " [ 4.19760656e+00 3.97779059e+00 1.66905916e+00 ... 3.68937254e-01\n", - " 8.06131065e-02 8.08142900e-01]\n", - " [ 4.52498960e+00 3.45109749e+00 1.01074433e+00 ... -2.54036248e-01\n", - " 3.13675582e-01 2.13851762e+00]]\n", - "\n", - " [[ 6.93927193e+00 6.05758238e+00 4.60648441e+00 ... 4.32221603e+00\n", - " 3.17874146e+00 1.47012353e+00]\n", - " [ 7.88523865e+00 6.62228966e+00 4.77496338e+00 ... 4.45868683e+00\n", - " 2.73698759e+00 2.17057824e+00]\n", - " [ 7.12061214e+00 6.01714134e+00 4.52996492e+00 ... 3.97184372e+00\n", - " 3.43153954e+00 1.21802723e+00]\n", - " ...\n", - " [ 2.85720730e+00 1.89639473e+00 1.96340394e+00 ... 1.89643729e+00\n", - " 1.64856291e+00 1.15853786e+00]\n", - " [ 3.88248491e+00 2.16386199e+00 1.53069091e+00 ... 2.71704245e+00\n", - " 2.24890351e+00 2.22156644e+00]\n", - " [ 5.27136230e+00 1.68400204e+00 2.09500480e+00 ... 2.75956345e+00\n", - " 3.71970820e+00 1.69852686e+00]]\n", - "\n", - " [[ 2.55598164e+00 1.64588141e+00 6.70431674e-01 ... 3.24091220e+00\n", - " 1.48759770e+00 -1.72001183e+00]\n", - " [ 4.33942318e+00 8.40826690e-01 -7.40000725e-01 ... 7.24577069e-01\n", - " 1.74327165e-01 -1.83029580e+00]\n", - " [ 4.39864540e+00 2.28395438e+00 -1.90353513e-01 ... 5.58019161e+00\n", - " 1.05627227e+00 -8.02519619e-01]\n", - " ...\n", - " [ 1.97654784e+00 3.26888156e+00 1.52879453e+00 ... 3.15013933e+00\n", - " 4.66731453e+00 4.98701715e+00]\n", - " [ 1.40016854e+00 3.45761251e+00 3.68359756e+00 ... 1.14207900e+00\n", - " 3.32219076e+00 3.83035636e+00]\n", - " [ 1.99269783e+00 2.15428829e+00 3.35396528e-01 ... 2.45916694e-01\n", - " 2.13785577e+00 4.33214951e+00]]]\n", - "\n", - "\n", - " [[[ 1.35320330e+00 5.05850911e-02 1.04915988e+00 ... 1.82023585e-01\n", - " 2.72914767e-01 3.92112255e-01]\n", - " [ 1.04646444e+00 7.60913491e-01 1.93323612e+00 ... 1.19493449e+00\n", - " -1.44200325e-01 4.07531261e-02]\n", - " [-9.88207340e-01 -1.46165287e+00 1.05884135e-01 ... -3.23057353e-01\n", - " -2.28934169e+00 -7.38609374e-01]\n", - " ...\n", - " [ 1.01198792e+00 2.34331083e+00 1.04566610e+00 ... 1.29697472e-01\n", - " -1.23878837e+00 2.21006930e-01]\n", - " [-3.75360101e-01 1.53673506e+00 -1.32206869e+00 ... -2.55255580e-01\n", - " -6.22699618e-01 -1.73162484e+00]\n", - " [ 4.34735864e-01 5.08327007e-01 -3.49233925e-01 ... -1.04749084e+00\n", - " -1.15777385e+00 -1.13671994e+00]]\n", - "\n", - " [[ 1.67839336e+00 -1.80224836e-01 1.02194118e+00 ... 8.44027162e-01\n", - " 8.81283879e-02 -1.37762165e+00]\n", - " [ 8.39694083e-01 1.32322550e+00 4.02442753e-01 ... -4.21785116e-01\n", - " -9.98012185e-01 -1.11348581e+00]\n", - " [ 7.64424682e-01 8.58965695e-01 2.94626594e-01 ... -6.65519595e-01\n", - " -3.65677416e-01 -2.25250268e+00]\n", - " ...\n", - " [-1.10193872e+00 1.18070498e-01 1.04604781e-01 ... -1.44486964e+00\n", - " -2.52748466e+00 -2.16131711e+00]\n", - " [-1.06079710e+00 -1.48379254e+00 3.80138367e-01 ... -1.62288392e+00\n", - " -2.44736362e+00 -8.78590107e-01]\n", - " [ 3.44401300e-02 -2.60935068e+00 -2.35597759e-01 ... -2.41114974e+00\n", - " -2.45255780e+00 -1.82384634e+00]]\n", - "\n", - " [[ 1.37670958e+00 1.58661580e+00 -2.85664916e-01 ... 1.49081087e+00\n", - " 4.13422853e-01 1.12761199e+00]\n", - " [ 1.54148173e+00 6.22704089e-01 1.41886568e+00 ... 1.59678531e+00\n", - " -8.72656107e-01 1.52415514e-01]\n", - " [ 3.30207205e+00 2.89925170e+00 1.91855145e+00 ... 3.18863559e+00\n", - " 1.87347198e+00 9.48901057e-01]\n", - " ...\n", - " [-1.53920484e+00 1.77375078e-02 -1.02018684e-01 ... 1.94011092e+00\n", - " -6.83587790e-01 1.49154460e+00]\n", - " [-2.27719522e+00 1.02481163e+00 -2.11300224e-01 ... -8.18020821e-01\n", - " 1.54248989e+00 -1.46732473e+00]\n", - " [-4.50206220e-01 3.62383485e+00 1.07175660e+00 ... 4.25961137e-01\n", - " 1.12405360e-01 -6.87821358e-02]]\n", - "\n", - " ...\n", - "\n", - " [[-3.40477467e-01 -2.99311423e+00 -2.12096786e+00 ... 2.27393007e+00\n", - " 4.03424358e+00 3.73335361e+00]\n", - " [-6.99971199e-01 -2.97719741e+00 -2.72910309e+00 ... 1.50101089e+00\n", - " 2.29408574e+00 3.14105940e+00]\n", - " [-1.41648722e+00 -1.86292887e+00 -1.84006739e+00 ... 2.78402638e+00\n", - " 3.91481900e+00 5.32456112e+00]\n", - " ...\n", - " [ 5.97958088e-01 1.50512588e+00 6.23718500e-01 ... 2.83813477e+00\n", - " 3.87909842e+00 3.33359623e+00]\n", - " [ 1.65542316e+00 3.56163192e+00 4.01527691e+00 ... 3.38367462e+00\n", - " 1.55827272e+00 2.50741863e+00]\n", - " [ 2.82036042e+00 2.53322673e+00 4.38798475e+00 ... 4.64642382e+00\n", - " 3.28739667e+00 3.02895570e+00]]\n", - "\n", - " [[-3.47941303e+00 -3.49006844e+00 -2.25583363e+00 ... 1.45181656e-01\n", - " 1.52944064e+00 2.08810711e+00]\n", - " [-2.27786446e+00 -4.59218550e+00 -2.74722624e+00 ... -1.73136210e+00\n", - " 7.46028006e-01 1.74789345e+00]\n", - " [-3.35524082e+00 -4.58244705e+00 -2.40820456e+00 ... -5.04051924e-01\n", - " 1.49640536e+00 2.16613841e+00]\n", - " ...\n", - " [ 5.26107132e-01 2.05329061e+00 2.84252572e+00 ... 1.33222675e+00\n", - " 3.87935114e+00 3.69385266e+00]\n", - " [ 4.38092083e-01 2.15028906e+00 3.13363624e+00 ... 3.36048746e+00\n", - " 5.36551809e+00 2.94915986e+00]\n", - " [ 2.75497317e+00 3.25929213e+00 2.33522987e+00 ... 1.69926262e+00\n", - " 3.93462896e+00 3.68200874e+00]]\n", - "\n", - " [[ 1.10951948e+00 5.31419516e-02 -1.58864903e+00 ... 5.24887085e+00\n", - " 1.60273385e+00 4.90113163e+00]\n", - " [-2.94517064e+00 -2.81092644e+00 -4.89631557e+00 ... 3.99868512e+00\n", - " 1.40544355e+00 2.84833241e+00]\n", - " [-3.51893663e-01 -3.53325534e+00 -2.21239805e+00 ... 4.26225853e+00\n", - " 6.87886119e-01 2.58609629e+00]\n", - " ...\n", - " [ 2.92248201e+00 5.40264511e+00 4.65721560e+00 ... 5.24537373e+00\n", - " 2.30406880e+00 1.29892707e+00]\n", - " [ 1.43473256e+00 4.61167526e+00 3.57578802e+00 ... 5.12181854e+00\n", - " 8.59923482e-01 1.38731599e+00]\n", - " [-6.50881350e-01 2.18233657e+00 2.74669623e+00 ... 4.86368895e+00\n", - " 1.44120216e+00 1.79993320e+00]]]\n", - "\n", - "\n", - " [[[ 1.64106202e+00 3.54410499e-01 -3.54172409e-01 ... 2.32646990e+00\n", - " 1.65043330e+00 3.45897645e-01]\n", - " [ 2.16236949e+00 1.28213906e+00 2.26082468e+00 ... 6.10507369e-01\n", - " 9.12241280e-01 1.27429694e-01]\n", - " [ 2.07962990e+00 7.03816175e-01 2.01272345e+00 ... -2.26959705e-01\n", - " 1.00041127e+00 5.87104559e-02]\n", - " ...\n", - " [-1.62972426e+00 -3.04028845e+00 -1.39124167e+00 ... 2.47561097e+00\n", - " 2.35047388e+00 1.61532843e+00]\n", - " [-1.97368932e+00 -5.44541061e-01 -5.92882216e-01 ... 1.39800012e+00\n", - " 2.32770801e+00 9.96662021e-01]\n", - " [-1.15636075e+00 -1.34654212e+00 -8.50648999e-01 ... 1.85655832e+00\n", - " 2.05776072e+00 5.34575820e-01]]\n", - "\n", - " [[-1.02104437e+00 3.08469892e-01 2.81789303e-01 ... -8.24654043e-01\n", - " -9.85817850e-01 -2.05517030e+00]\n", - " [ 9.50192690e-01 3.35105330e-01 5.31637192e-01 ... -1.42974198e-01\n", - " -1.79659498e+00 -1.58266973e+00]\n", - " [-2.51316994e-01 -1.28709340e+00 3.01498562e-01 ... -1.32253516e+00\n", - " -1.55507576e+00 -9.37123299e-01]\n", - " ...\n", - " [ 2.33016998e-01 2.92454743e+00 3.15420461e+00 ... 1.15574491e+00\n", - " 1.27850962e+00 1.35487700e+00]\n", - " [ 3.81013602e-01 1.44239831e+00 6.64825320e-01 ... -3.89374971e-01\n", - " 1.50716826e-01 1.33641326e+00]\n", - " [ 1.71373415e+00 1.67357373e+00 1.76596940e+00 ... 1.57941079e+00\n", - " 1.60940981e+00 1.78091609e+00]]\n", - "\n", - " [[-5.16522598e+00 -1.68099070e+00 -3.24440050e+00 ... -3.46229005e+00\n", - " -2.18273020e+00 -1.98621082e+00]\n", - " [-3.05743694e+00 9.15392339e-01 -1.93508530e+00 ... -1.82306373e+00\n", - " -2.12960863e+00 -3.45255351e+00]\n", - " [-4.32777822e-01 -1.00303245e+00 -1.61397791e+00 ... -2.08376765e+00\n", - " -3.72989595e-01 -1.36516929e+00]\n", - " ...\n", - " [-5.83641946e-01 4.14125490e+00 1.58227599e+00 ... 2.03144050e+00\n", - " 2.13982654e+00 -1.81909311e+00]\n", - " [-1.74230576e+00 2.39347410e+00 2.44080925e+00 ... 5.43732524e-01\n", - " 2.07899213e+00 -3.71748984e-01]\n", - " [ 3.80016506e-01 7.84988403e-01 1.20596504e+00 ... -2.32057095e+00\n", - " -2.81265080e-01 -3.69353056e+00]]\n", - "\n", - " ...\n", - "\n", - " [[-3.48024845e+00 -2.60937548e+00 -3.84952760e+00 ... 6.68736577e-01\n", - " -1.75104141e-02 -3.54720926e+00]\n", - " [-2.59637117e+00 -5.18190145e+00 -2.33887696e+00 ... 9.13373232e-02\n", - " -3.58282638e+00 -2.40778995e+00]\n", - " [-2.50912881e+00 -1.22113395e+00 -2.34372020e+00 ... 1.40071487e+00\n", - " -1.67449510e+00 -1.14655948e+00]\n", - " ...\n", - " [-5.75253534e+00 -6.67348385e+00 -5.05184650e+00 ... -2.73145151e+00\n", - " -1.48933101e+00 -1.36807609e+00]\n", - " [-3.29049587e+00 -3.73956156e+00 -2.85064268e+00 ... -3.92481357e-01\n", - " -8.00529659e-01 -8.39800835e-01]\n", - " [-4.30351114e+00 -4.21471930e+00 -2.41703367e+00 ... -1.27081513e+00\n", - " 1.67839837e+00 8.47821474e-01]]\n", - "\n", - " [[-5.27856112e-01 -1.09752083e+00 3.39107156e-01 ... 2.00062895e+00\n", - " 8.83528054e-01 2.57416844e-01]\n", - " [-1.58655810e+00 -3.36268663e-01 1.16161990e+00 ... 1.54868484e+00\n", - " 2.38878536e+00 1.84097290e+00]\n", - " [ 5.96052647e-01 2.15484858e-01 1.85280466e+00 ... 2.74587560e+00\n", - " 1.61432290e+00 1.13214278e+00]\n", - " ...\n", - " [-4.57659864e+00 -5.42679739e+00 -4.35204458e+00 ... -1.82452416e+00\n", - " -2.18670201e+00 -3.91811800e+00]\n", - " [-1.32477629e+00 -4.19110394e+00 -3.41308069e+00 ... 1.39622003e-01\n", - " -1.59393203e+00 -9.08105671e-01]\n", - " [-3.60161018e+00 -4.05932713e+00 -2.23674798e+00 ... 9.09647286e-01\n", - " 9.73127842e-01 1.19991803e+00]]\n", - "\n", - " [[ 2.04062796e+00 7.95603275e-01 -1.28833270e+00 ... 4.64749050e+00\n", - " 2.25974560e+00 1.02396965e+00]\n", - " [ 1.68882537e+00 2.63353348e+00 2.53597498e-02 ... 4.69063854e+00\n", - " -4.19382691e-01 2.91669458e-01]\n", - " [ 7.71395087e-01 1.20833695e+00 -2.58601785e-01 ... 1.21794045e+00\n", - " -1.51922226e-01 7.44265199e-01]\n", - " ...\n", - " [-6.66095781e+00 -4.81577682e+00 -5.39921665e+00 ... -2.20548606e+00\n", - " 5.72486281e-01 -4.35207397e-01]\n", - " [-7.51608658e+00 -6.67776871e+00 -3.73199415e+00 ... -1.70327055e+00\n", - " 1.01334639e-02 -3.20627165e+00]\n", - " [-5.73050356e+00 -2.74379373e+00 -3.70248461e+00 ... -1.09794116e+00\n", - " -1.73590891e-02 -1.80156028e+00]]]]\n", - "param grad: conv.conv_stack.0.conv.bias: shape: [32] stop_grad: False grad: [-1.4305115e-06 0.0000000e+00 -4.0531158e-06 -1.6689301e-06\n", - " 2.3841858e-07 -7.1525574e-07 1.1920929e-06 1.5497208e-06\n", - " -2.3841858e-07 1.6689301e-06 9.5367432e-07 9.5367432e-07\n", - " -2.6226044e-06 1.1920929e-06 1.3113022e-06 1.9669533e-06\n", - " -4.7683716e-07 1.1920929e-06 -1.6689301e-06 -1.5497208e-06\n", - " -2.2649765e-06 4.7683716e-07 2.3841858e-06 -3.5762787e-06\n", - " 2.3841858e-07 2.1457672e-06 -3.5762787e-07 8.3446503e-07\n", - " -3.5762787e-07 -7.1525574e-07 2.6524067e-06 -1.1920929e-06]\n", - "param grad: conv.conv_stack.0.bn.weight: shape: [32] stop_grad: False grad: [-3.7669735 1.5226867 1.759756 4.501629 -2.2077336 0.18411277\n", - " 1.3558264 -1.0269645 3.9628277 3.9300344 -2.80754 1.8462183\n", - " -0.03385968 2.1284049 0.46124816 -4.364863 0.78491163 0.25565645\n", - " -5.3538237 3.2606194 0.79100513 -1.4652673 2.769378 1.2283417\n", - " -4.7466464 -1.3404545 -6.9374166 0.710248 2.0944448 0.4334769\n", - " -0.24313992 0.31392363]\n", - "param grad: conv.conv_stack.0.bn.bias: shape: [32] stop_grad: False grad: [-0.6251638 2.833331 0.6993131 3.7106915 -2.262496 0.7390424\n", - " 0.5360477 -2.803875 2.1646228 2.117193 -1.9988279 1.5135905\n", - " -2.0181084 2.6450465 0.06302822 -3.0530102 1.4788482 0.5941844\n", - " -3.1690063 1.8753575 -0.0737313 -2.7806277 -0.04483938 0.16129279\n", - " -1.2960215 -0.38020235 -0.55218065 0.10754502 2.065371 -1.4703183\n", - " -0.40964937 -1.4454535 ]\n", - "param grad: conv.conv_stack.0.bn._mean: shape: [32] stop_grad: True grad: None\n", - "param grad: conv.conv_stack.0.bn._variance: shape: [32] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_fc.weight: shape: [1312, 1024] stop_grad: False grad: [[-0.46178514 0.1095643 0.06441769 ... 0.42020613 -0.34181893\n", - " -0.0658682 ]\n", - " [-0.03619978 0.21653323 0.01727325 ... 0.05731536 -0.37822944\n", - " -0.05464617]\n", - " [-0.32397318 0.04158126 -0.08091418 ... 0.0928297 -0.06518176\n", - " -0.40110156]\n", - " ...\n", - " [-0.2702023 0.05126935 0.11825457 ... 0.0069707 -0.36951366\n", - " 0.37071258]\n", - " [-0.11326203 0.19305304 -0.133317 ... -0.13030824 -0.09068564\n", - " 0.32735693]\n", - " [-0.04543798 0.09902512 -0.10745425 ... -0.06685166 -0.3055201\n", - " 0.0752247 ]]\n", - "param grad: rnn.rnn_stacks.0.fw_bn.weight: shape: [1024] stop_grad: False grad: [-0.07338604 0.64991236 0.5465856 ... 0.507725 0.14061031\n", - " 0.3020359 ]\n", - "param grad: rnn.rnn_stacks.0.fw_bn.bias: shape: [1024] stop_grad: False grad: [-0.41395143 -0.28493872 0.36796764 ... 0.2387953 0.06732331\n", - " 0.16263628]\n", - "param grad: rnn.rnn_stacks.0.fw_bn._mean: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_bn._variance: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.0.fw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: [[-0.09370177 -0.12264141 -0.08237482 ... -0.50241685 -0.149155\n", - " -0.25661892]\n", - " [-0.37426725 0.44987115 0.10685667 ... -0.65946174 -0.4499248\n", - " -0.17545304]\n", - " [-0.03753807 0.33422717 0.12750985 ... 0.05405155 -0.17648363\n", - " 0.05315325]\n", - " ...\n", - " [ 0.15721183 0.03064088 -0.00751081 ... 0.27183983 0.3881693\n", - " -0.01544908]\n", - " [ 0.26047793 0.16917065 0.00915196 ... 0.18076143 -0.05080506\n", - " 0.14791614]\n", - " [ 0.19052255 0.03642382 -0.14313167 ... 0.2611448 0.20763844\n", - " 0.26846847]]\n", - "param grad: rnn.rnn_stacks.0.fw_cell.bias_hh: shape: [1024] stop_grad: False grad: [-0.4139514 -0.28493875 0.36796758 ... 0.23879525 0.06732336\n", - " 0.16263627]\n", - "param grad: rnn.rnn_stacks.0.bw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.0.bw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_fc.weight: shape: [2048, 1024] stop_grad: False grad: [[ 0.04214853 -0.1710323 0.17557406 ... 0.11926915 0.21577051\n", - " -0.30598596]\n", - " [-0.02370887 -0.03498494 -0.05991999 ... -0.06049232 -0.14527473\n", - " -0.5335691 ]\n", - " [-0.21417995 -0.10263194 -0.05903128 ... -0.26958284 0.05936668\n", - " 0.25522667]\n", - " ...\n", - " [ 0.31594425 -0.29487017 0.15871571 ... 0.3504135 -0.1418606\n", - " -0.07482046]\n", - " [ 0.22316164 0.7682122 -0.22191924 ... -0.00535548 -0.6497105\n", - " -0.2011079 ]\n", - " [-0.05800886 0.13750821 0.02450509 ... 0.245736 0.07425706\n", - " -0.17761081]]\n", - "param grad: rnn.rnn_stacks.1.fw_bn.weight: shape: [1024] stop_grad: False grad: [-0.45080703 0.19005743 0.077441 ... -0.24504453 0.19666554\n", - " -0.10503208]\n", - "param grad: rnn.rnn_stacks.1.fw_bn.bias: shape: [1024] stop_grad: False grad: [-0.55867654 0.04237206 0.03389215 ... -0.35602498 0.25528812\n", - " 0.11344345]\n", - "param grad: rnn.rnn_stacks.1.fw_bn._mean: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_bn._variance: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.1.fw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: [[-0.48457903 0.04466334 -0.19785863 ... -0.0254025 -0.10338341\n", - " -0.29202533]\n", - " [-0.15261276 0.00412052 0.22198747 ... 0.22460426 -0.03752084\n", - " 0.05170784]\n", - " [-0.09337254 0.02530848 0.1263681 ... -0.02056236 0.33342454\n", - " -0.08760723]\n", - " ...\n", - " [-0.28645608 -0.19169135 -0.1361257 ... -0.00444204 -0.06552711\n", - " -0.14726155]\n", - " [ 0.21883707 0.2049045 0.23723911 ... 0.4626113 -0.14110637\n", - " 0.02569831]\n", - " [ 0.37554163 -0.19249167 0.14591683 ... 0.25602737 0.40088275\n", - " 0.41056633]]\n", - "param grad: rnn.rnn_stacks.1.fw_cell.bias_hh: shape: [1024] stop_grad: False grad: [-0.55867654 0.04237211 0.0338921 ... -0.35602498 0.2552881\n", - " 0.11344352]\n", - "param grad: rnn.rnn_stacks.1.bw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.1.bw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_fc.weight: shape: [2048, 1024] stop_grad: False grad: [[-0.28007814 -0.09206 -0.01297755 ... -0.2557205 -0.2693453\n", - " 0.05862035]\n", - " [-0.34194735 -0.01383794 -0.06490533 ... -0.11063005 0.16226721\n", - " -0.3197178 ]\n", - " [-0.3646778 0.15443833 0.02241019 ... -0.15093157 -0.09886418\n", - " -0.44295847]\n", - " ...\n", - " [-0.01041886 -0.57636976 -0.03988511 ... -0.2260822 0.49646813\n", - " -0.15528557]\n", - " [-0.19385241 -0.56451964 -0.05551083 ... -0.5638106 0.43611372\n", - " -0.61484563]\n", - " [ 0.1051331 -0.4762463 0.11194798 ... -0.26766616 -0.30734932\n", - " 0.17856634]]\n", - "param grad: rnn.rnn_stacks.2.fw_bn.weight: shape: [1024] stop_grad: False grad: [-0.02791309 -0.992517 0.63012564 ... -1.1830902 1.4646478\n", - " 1.6333911 ]\n", - "param grad: rnn.rnn_stacks.2.fw_bn.bias: shape: [1024] stop_grad: False grad: [-0.10834587 -1.7079136 0.81259465 ... -1.4478713 1.455745\n", - " 2.069446 ]\n", - "param grad: rnn.rnn_stacks.2.fw_bn._mean: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_bn._variance: shape: [1024] stop_grad: True grad: None\n", - "param grad: rnn.rnn_stacks.2.fw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: [[-0.14363798 -0.06933184 0.02901152 ... -0.19233373 -0.03206367\n", - " -0.00845779]\n", - " [-0.44314507 -0.8921327 -1.031872 ... -0.558997 -0.53070104\n", - " -0.855925 ]\n", - " [ 0.15673254 0.28793585 0.13351494 ... 0.38433537 0.5040767\n", - " 0.11303265]\n", - " ...\n", - " [-0.22923109 -0.62508404 -0.6195032 ... -0.6876448 -0.41718128\n", - " -0.74844164]\n", - " [ 0.18024652 0.45618314 0.81391454 ... 0.5780604 0.87566674\n", - " 0.71526295]\n", - " [ 0.3763076 0.54033077 0.9940485 ... 1.087821 0.72288674\n", - " 1.2852117 ]]\n", - "param grad: rnn.rnn_stacks.2.fw_cell.bias_hh: shape: [1024] stop_grad: False grad: [-0.10834593 -1.7079139 0.8125948 ... -1.4478711 1.4557447\n", - " 2.0694466 ]\n", - "param grad: rnn.rnn_stacks.2.bw_cell.weight_hh: shape: [1024, 1024] stop_grad: False grad: None\n", - "param grad: rnn.rnn_stacks.2.bw_cell.bias_hh: shape: [1024] stop_grad: False grad: None\n", - "param grad: fc.weight: shape: [2048, 4299] stop_grad: False grad: [[ 1.4382483e-02 2.0160766e-02 1.2322801e-02 ... 1.0075266e-02\n", - " 7.4421698e-03 -2.3925617e+01]\n", - " [ 3.7887424e-02 5.7105277e-02 2.8803380e-02 ... 2.4820438e-02\n", - " 1.8560058e-02 -5.0687141e+01]\n", - " [ 4.5566272e-02 5.4415584e-02 3.2858539e-02 ... 3.2725763e-02\n", - " 2.1536341e-02 -6.1036335e+01]\n", - " ...\n", - " [ 2.8015019e-02 3.5967816e-02 2.3228688e-02 ... 2.1284629e-02\n", - " 1.3860047e-02 -5.2543671e+01]\n", - " [ 2.8445240e-02 4.2448867e-02 2.7125146e-02 ... 2.2253662e-02\n", - " 1.7470375e-02 -4.3619675e+01]\n", - " [ 4.7438074e-02 5.8287360e-02 3.4546286e-02 ... 3.0827176e-02\n", - " 2.2168703e-02 -6.7901680e+01]]\n", - "param grad: fc.bias: shape: [4299] stop_grad: False grad: [ 8.8967547e-02 1.0697905e-01 6.5251388e-02 ... 6.1503030e-02\n", - " 4.3404289e-02 -1.3512518e+02]\n" - ] - } - ], - "source": [ - "loss.backward(retain_graph=False)\n", - "for n, p in dp_model.named_parameters():\n", - " print(\n", - " f\"param grad: {n}: shape: {p.shape} stop_grad: {p.stop_gradient} grad: {p.grad}\")" - ] - }, - { - "cell_type": "code", - "execution_count": 26, - "id": "selected-crazy", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.]\n" - ] - } - ], - "source": [ - "print(loss.grad)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "bottom-engineer", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "stuffed-yeast", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} \ No newline at end of file diff --git a/.notebook/u2_confermer_model_wenet.ipynb b/.notebook/u2_confermer_model_wenet.ipynb deleted file mode 100644 index a425e16cb..000000000 --- a/.notebook/u2_confermer_model_wenet.ipynb +++ /dev/null @@ -1,4608 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "choice-grade", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x\n" - ] - }, - { - "data": { - "text/plain": [ - "'/workspace/DeepSpeech-2.x'" - ] - }, - "execution_count": 1, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "%cd ..\n", - "%pwd" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "broke-broad", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:26: 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " def convert_to_list(value, n, name, dtype=np.int):\n", - "register user softmax to paddle, remove this when fixed!\n", - "register user log_softmax to paddle, remove this when fixed!\n", - "register user sigmoid to paddle, remove this when fixed!\n", - "register user log_sigmoid to paddle, remove this when fixed!\n", - "register user relu to paddle, remove this when fixed!\n", - "override cat of paddle if exists or register, remove this when fixed!\n", - "override item of paddle.Tensor if exists or register, remove this when fixed!\n", - "override long of paddle.Tensor if exists or register, remove this when fixed!\n", - "override new_full of paddle.Tensor if exists or register, remove this when fixed!\n", - "override eq of paddle.Tensor if exists or register, remove this when fixed!\n", - "override eq of paddle if exists or register, remove this when fixed!\n", - "override contiguous of paddle.Tensor if exists or register, remove this when fixed!\n", - "override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed!\n", - "register user view to paddle.Tensor, remove this when fixed!\n", - "register user view_as to paddle.Tensor, remove this when fixed!\n", - "register user masked_fill to paddle.Tensor, remove this when fixed!\n", - "register user masked_fill_ to paddle.Tensor, remove this when fixed!\n", - "register user fill_ to paddle.Tensor, remove this when fixed!\n", - "register user repeat to paddle.Tensor, remove this when fixed!\n", - "register user softmax to paddle.Tensor, remove this when fixed!\n", - "register user sigmoid to paddle.Tensor, remove this when fixed!\n", - "register user relu to paddle.Tensor, remove this when fixed!\n", - "register user type_as to paddle.Tensor, remove this when fixed!\n", - "register user to to paddle.Tensor, remove this when fixed!\n", - "register user float to paddle.Tensor, remove this when fixed!\n", - "register user tolist to paddle.Tensor, remove this when fixed!\n", - "register user glu to paddle.nn.functional, remove this when fixed!\n", - "override ctc_loss of paddle.nn.functional if exists, remove this when fixed!\n", - "register user Module to paddle.nn, remove this when fixed!\n", - "register user ModuleList to paddle.nn, remove this when fixed!\n", - "register user GLU to paddle.nn, remove this when fixed!\n", - "register user ConstantPad2d to paddle.nn, remove this when fixed!\n", - "register user export to paddle.jit, remove this when fixed!\n" - ] - } - ], - "source": [ - "import numpy as np\n", - "import paddle\n", - "from yacs.config import CfgNode as CN\n", - "\n", - "from deepspeech.models.u2 import U2Model\n", - "from deepspeech.utils.layer_tools import print_params\n", - "from deepspeech.utils.layer_tools import summary" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "permanent-summary", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n", - "[INFO 2021/04/20 03:32:21 u2.py:834] U2 Encoder type: conformer\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "encoder.embed.conv.0.weight | [256, 1, 3, 3] | 2304 | True\n", - "encoder.embed.conv.0.bias | [256] | 256 | True\n", - "encoder.embed.conv.2.weight | [256, 256, 3, 3] | 589824 | True\n", - "encoder.embed.conv.2.bias | [256] | 256 | True\n", - "encoder.embed.out.0.weight | [4864, 256] | 1245184 | True\n", - "encoder.embed.out.0.bias | [256] | 256 | True\n", - "encoder.after_norm.weight | [256] | 256 | True\n", - "encoder.after_norm.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.0.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.0.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.0.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.0.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.0.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.0.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.0.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.0.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.0.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.0.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.0.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.0.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.0.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.0.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.0.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.0.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.0.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.0.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.0.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.0.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.0.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.0.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.0.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.0.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.0.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.0.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.0.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.0.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.0.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.0.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.1.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.1.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.1.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.1.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.1.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.1.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.1.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.1.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.1.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.1.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.1.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.1.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.1.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.1.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.1.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.1.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.1.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.1.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.1.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.1.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.1.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.1.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.1.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.1.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.1.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.1.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.1.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.1.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.1.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.1.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.2.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.2.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.2.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.2.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.2.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.2.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.2.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.2.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.2.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.2.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.2.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.2.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.2.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.2.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.2.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.2.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.2.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.2.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.2.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.2.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.2.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.2.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.2.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.2.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.2.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.2.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.2.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.2.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.2.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.2.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.3.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.3.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.3.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.3.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.3.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.3.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.3.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.3.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.3.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.3.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.3.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.3.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.3.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.3.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.3.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.3.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.3.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.3.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.3.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.3.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.3.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.3.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.3.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.3.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.3.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.3.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.3.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.3.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.3.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.3.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.4.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.4.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.4.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.4.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.4.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.4.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.4.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.4.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.4.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.4.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.4.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.4.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.4.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.4.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.4.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.4.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.4.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.4.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.4.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.4.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.4.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.4.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.4.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.4.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.4.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.4.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.4.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.4.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.4.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.4.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.5.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.5.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.5.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.5.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.5.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.5.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.5.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.5.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.5.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.5.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.5.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.5.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.5.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.5.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.5.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.5.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.5.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.5.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.5.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.5.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.5.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.5.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.5.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.5.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.5.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.5.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.5.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.5.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.5.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.5.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.6.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.6.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.6.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.6.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.6.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.6.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.6.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.6.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.6.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.6.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.6.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.6.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.6.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.6.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.6.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.6.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.6.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.6.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.6.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.6.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.6.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.6.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.6.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.6.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.6.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.6.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.6.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.6.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.6.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.6.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.7.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.7.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.7.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.7.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.7.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.7.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.7.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.7.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.7.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.7.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.7.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.7.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.7.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.7.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.7.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.7.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.7.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.7.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.7.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.7.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.7.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.7.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.7.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.7.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.7.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.7.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.7.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.7.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.7.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.7.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.8.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.8.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.8.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.8.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.8.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.8.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.8.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.8.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.8.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.8.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.8.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.8.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.8.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.8.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.8.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.8.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.8.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.8.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.8.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.8.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.8.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.8.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.8.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.8.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.8.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.8.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.8.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.8.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.8.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.8.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.9.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.9.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.9.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.9.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.9.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.9.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.9.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.9.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.9.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.9.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.9.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.9.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.9.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.9.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.9.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.9.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.9.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.9.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.9.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.9.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.9.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.9.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.9.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.9.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.9.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.9.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.9.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.9.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.9.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.9.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.10.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.10.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.10.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.10.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.10.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.10.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.10.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.10.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.10.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.10.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.10.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.10.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.10.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.10.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.10.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.10.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.10.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.10.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.10.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.10.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.10.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.10.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.10.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.10.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.10.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.10.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.10.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.10.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.10.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.10.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.pos_bias_u | [4, 64] | 256 | True\n", - "encoder.encoders.11.self_attn.pos_bias_v | [4, 64] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_pos.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.11.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.11.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.11.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.11.feed_forward_macaron.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.11.feed_forward_macaron.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.11.feed_forward_macaron.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.11.feed_forward_macaron.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.11.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072 | True\n", - "encoder.encoders.11.conv_module.pointwise_conv1.bias | [512] | 512 | True\n", - "encoder.encoders.11.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840 | True\n", - "encoder.encoders.11.conv_module.depthwise_conv.bias | [256] | 256 | True\n", - "encoder.encoders.11.conv_module.norm.weight | [256] | 256 | True\n", - "encoder.encoders.11.conv_module.norm.bias | [256] | 256 | True\n", - "encoder.encoders.11.conv_module.norm._mean | [256] | 256 | False\n", - "encoder.encoders.11.conv_module.norm._variance | [256] | 256 | False\n", - "encoder.encoders.11.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536 | True\n", - "encoder.encoders.11.conv_module.pointwise_conv2.bias | [256] | 256 | True\n", - "encoder.encoders.11.norm_ff.weight | [256] | 256 | True\n", - "encoder.encoders.11.norm_ff.bias | [256] | 256 | True\n", - "encoder.encoders.11.norm_mha.weight | [256] | 256 | True\n", - "encoder.encoders.11.norm_mha.bias | [256] | 256 | True\n", - "encoder.encoders.11.norm_ff_macaron.weight | [256] | 256 | True\n", - "encoder.encoders.11.norm_ff_macaron.bias | [256] | 256 | True\n", - "encoder.encoders.11.norm_conv.weight | [256] | 256 | True\n", - "encoder.encoders.11.norm_conv.bias | [256] | 256 | True\n", - "encoder.encoders.11.norm_final.weight | [256] | 256 | True\n", - "encoder.encoders.11.norm_final.bias | [256] | 256 | True\n", - "encoder.encoders.11.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.11.concat_linear.bias | [256] | 256 | True\n", - "decoder.embed.0.weight | [4233, 256] | 1083648 | True\n", - "decoder.after_norm.weight | [256] | 256 | True\n", - "decoder.after_norm.bias | [256] | 256 | True\n", - "decoder.output_layer.weight | [256, 4233] | 1083648 | True\n", - "decoder.output_layer.bias | [4233] | 4233 | True\n", - "decoder.decoders.0.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.0.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.0.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.0.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.0.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.0.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.0.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.0.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.0.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.0.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.0.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.0.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.0.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.0.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.0.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.0.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.0.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.0.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.0.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.0.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.0.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.0.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.1.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.1.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.1.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.1.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.1.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.1.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.1.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.1.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.1.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.1.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.1.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.1.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.1.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.1.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.1.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.1.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.1.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.1.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.1.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.1.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.1.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.1.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.2.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.2.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.2.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.2.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.2.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.2.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.2.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.2.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.2.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.2.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.2.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.2.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.2.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.2.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.2.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.2.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.2.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.2.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.2.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.2.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.2.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.2.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.3.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.3.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.3.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.3.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.3.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.3.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.3.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.3.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.3.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.3.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.3.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.3.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.3.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.3.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.3.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.3.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.3.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.3.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.3.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.3.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.3.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.3.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.4.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.4.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.4.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.4.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.4.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.4.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.4.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.4.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.4.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.4.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.4.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.4.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.4.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.4.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.4.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.4.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.4.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.4.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.4.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.4.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.4.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.4.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.5.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.5.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.5.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.5.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.5.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.5.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.5.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.5.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.5.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.5.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.5.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.5.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.5.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.5.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.5.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.5.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.5.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.5.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.5.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.5.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.5.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.5.concat_linear2.bias | [256] | 256 | True\n", - "ctc.ctc_lo.weight | [256, 4233] | 1083648 | True\n", - "ctc.ctc_lo.bias | [4233] | 4233 | True\n", - "Total parameters: 687.0, 49355282.0 elements.\n" - ] - } - ], - "source": [ - "conf_str='examples/aishell/s1/conf/conformer.yaml'\n", - "cfg = CN().load_cfg(open(conf_str))\n", - "cfg.model.input_dim = 80\n", - "cfg.model.output_dim = 4233\n", - "cfg.model.cmvn_file = \"/workspace/wenet/examples/aishell/s0/raw_wav/train/global_cmvn\"\n", - "cfg.model.cmvn_file_type = 'json'\n", - "cfg.freeze()\n", - "\n", - "model = U2Model(cfg.model)\n", - "print_params(model)\n" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "sapphire-agent", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "encoder.global_cmvn.mean | [80] | 80\n", - "encoder.global_cmvn.istd | [80] | 80\n", - "encoder.embed.conv.0.weight | [256, 1, 3, 3] | 2304\n", - "encoder.embed.conv.0.bias | [256] | 256\n", - "encoder.embed.conv.2.weight | [256, 256, 3, 3] | 589824\n", - "encoder.embed.conv.2.bias | [256] | 256\n", - "encoder.embed.out.0.weight | [4864, 256] | 1245184\n", - "encoder.embed.out.0.bias | [256] | 256\n", - "encoder.after_norm.weight | [256] | 256\n", - "encoder.after_norm.bias | [256] | 256\n", - "encoder.encoders.0.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.0.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.0.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.0.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.0.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.0.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.0.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.0.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.0.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.0.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.0.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.0.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.0.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.0.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.0.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.0.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.0.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.0.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.0.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.0.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.0.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.0.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.0.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.0.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.0.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.0.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.0.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.0.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.0.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.0.norm_ff.weight | [256] | 256\n", - "encoder.encoders.0.norm_ff.bias | [256] | 256\n", - "encoder.encoders.0.norm_mha.weight | [256] | 256\n", - "encoder.encoders.0.norm_mha.bias | [256] | 256\n", - "encoder.encoders.0.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.0.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.0.norm_conv.weight | [256] | 256\n", - "encoder.encoders.0.norm_conv.bias | [256] | 256\n", - "encoder.encoders.0.norm_final.weight | [256] | 256\n", - "encoder.encoders.0.norm_final.bias | [256] | 256\n", - "encoder.encoders.0.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.0.concat_linear.bias | [256] | 256\n", - "encoder.encoders.1.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.1.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.1.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.1.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.1.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.1.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.1.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.1.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.1.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.1.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.1.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.1.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.1.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.1.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.1.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.1.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.1.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.1.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.1.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.1.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.1.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.1.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.1.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.1.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.1.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.1.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.1.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.1.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.1.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.1.norm_ff.weight | [256] | 256\n", - "encoder.encoders.1.norm_ff.bias | [256] | 256\n", - "encoder.encoders.1.norm_mha.weight | [256] | 256\n", - "encoder.encoders.1.norm_mha.bias | [256] | 256\n", - "encoder.encoders.1.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.1.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.1.norm_conv.weight | [256] | 256\n", - "encoder.encoders.1.norm_conv.bias | [256] | 256\n", - "encoder.encoders.1.norm_final.weight | [256] | 256\n", - "encoder.encoders.1.norm_final.bias | [256] | 256\n", - "encoder.encoders.1.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.1.concat_linear.bias | [256] | 256\n", - "encoder.encoders.2.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.2.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.2.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.2.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.2.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.2.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.2.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.2.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.2.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.2.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.2.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.2.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.2.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.2.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.2.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.2.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.2.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.2.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.2.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.2.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.2.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.2.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.2.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.2.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.2.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.2.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.2.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.2.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.2.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.2.norm_ff.weight | [256] | 256\n", - "encoder.encoders.2.norm_ff.bias | [256] | 256\n", - "encoder.encoders.2.norm_mha.weight | [256] | 256\n", - "encoder.encoders.2.norm_mha.bias | [256] | 256\n", - "encoder.encoders.2.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.2.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.2.norm_conv.weight | [256] | 256\n", - "encoder.encoders.2.norm_conv.bias | [256] | 256\n", - "encoder.encoders.2.norm_final.weight | [256] | 256\n", - "encoder.encoders.2.norm_final.bias | [256] | 256\n", - "encoder.encoders.2.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.2.concat_linear.bias | [256] | 256\n", - "encoder.encoders.3.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.3.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.3.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.3.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.3.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.3.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.3.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.3.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.3.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.3.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.3.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.3.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.3.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.3.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.3.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.3.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.3.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.3.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.3.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.3.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.3.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.3.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.3.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.3.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.3.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.3.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.3.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.3.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.3.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.3.norm_ff.weight | [256] | 256\n", - "encoder.encoders.3.norm_ff.bias | [256] | 256\n", - "encoder.encoders.3.norm_mha.weight | [256] | 256\n", - "encoder.encoders.3.norm_mha.bias | [256] | 256\n", - "encoder.encoders.3.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.3.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.3.norm_conv.weight | [256] | 256\n", - "encoder.encoders.3.norm_conv.bias | [256] | 256\n", - "encoder.encoders.3.norm_final.weight | [256] | 256\n", - "encoder.encoders.3.norm_final.bias | [256] | 256\n", - "encoder.encoders.3.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.3.concat_linear.bias | [256] | 256\n", - "encoder.encoders.4.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.4.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.4.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.4.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.4.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.4.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.4.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.4.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.4.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.4.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.4.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.4.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.4.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.4.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.4.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.4.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.4.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.4.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.4.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.4.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.4.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.4.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.4.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.4.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.4.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.4.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.4.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.4.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.4.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.4.norm_ff.weight | [256] | 256\n", - "encoder.encoders.4.norm_ff.bias | [256] | 256\n", - "encoder.encoders.4.norm_mha.weight | [256] | 256\n", - "encoder.encoders.4.norm_mha.bias | [256] | 256\n", - "encoder.encoders.4.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.4.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.4.norm_conv.weight | [256] | 256\n", - "encoder.encoders.4.norm_conv.bias | [256] | 256\n", - "encoder.encoders.4.norm_final.weight | [256] | 256\n", - "encoder.encoders.4.norm_final.bias | [256] | 256\n", - "encoder.encoders.4.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.4.concat_linear.bias | [256] | 256\n", - "encoder.encoders.5.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.5.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.5.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.5.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.5.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.5.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.5.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.5.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.5.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.5.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.5.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.5.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.5.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.5.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.5.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.5.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.5.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.5.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.5.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.5.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.5.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.5.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.5.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.5.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.5.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.5.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.5.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.5.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.5.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.5.norm_ff.weight | [256] | 256\n", - "encoder.encoders.5.norm_ff.bias | [256] | 256\n", - "encoder.encoders.5.norm_mha.weight | [256] | 256\n", - "encoder.encoders.5.norm_mha.bias | [256] | 256\n", - "encoder.encoders.5.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.5.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.5.norm_conv.weight | [256] | 256\n", - "encoder.encoders.5.norm_conv.bias | [256] | 256\n", - "encoder.encoders.5.norm_final.weight | [256] | 256\n", - "encoder.encoders.5.norm_final.bias | [256] | 256\n", - "encoder.encoders.5.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.5.concat_linear.bias | [256] | 256\n", - "encoder.encoders.6.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.6.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.6.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.6.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.6.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.6.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.6.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.6.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.6.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.6.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.6.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.6.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.6.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.6.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.6.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.6.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.6.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.6.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.6.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.6.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.6.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.6.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.6.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.6.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.6.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.6.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.6.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.6.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.6.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.6.norm_ff.weight | [256] | 256\n", - "encoder.encoders.6.norm_ff.bias | [256] | 256\n", - "encoder.encoders.6.norm_mha.weight | [256] | 256\n", - "encoder.encoders.6.norm_mha.bias | [256] | 256\n", - "encoder.encoders.6.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.6.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.6.norm_conv.weight | [256] | 256\n", - "encoder.encoders.6.norm_conv.bias | [256] | 256\n", - "encoder.encoders.6.norm_final.weight | [256] | 256\n", - "encoder.encoders.6.norm_final.bias | [256] | 256\n", - "encoder.encoders.6.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.6.concat_linear.bias | [256] | 256\n", - "encoder.encoders.7.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.7.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.7.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.7.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.7.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.7.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.7.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.7.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.7.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.7.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.7.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.7.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.7.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.7.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.7.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.7.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.7.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.7.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.7.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.7.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.7.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.7.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.7.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.7.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.7.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.7.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.7.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.7.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.7.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.7.norm_ff.weight | [256] | 256\n", - "encoder.encoders.7.norm_ff.bias | [256] | 256\n", - "encoder.encoders.7.norm_mha.weight | [256] | 256\n", - "encoder.encoders.7.norm_mha.bias | [256] | 256\n", - "encoder.encoders.7.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.7.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.7.norm_conv.weight | [256] | 256\n", - "encoder.encoders.7.norm_conv.bias | [256] | 256\n", - "encoder.encoders.7.norm_final.weight | [256] | 256\n", - "encoder.encoders.7.norm_final.bias | [256] | 256\n", - "encoder.encoders.7.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.7.concat_linear.bias | [256] | 256\n", - "encoder.encoders.8.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.8.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.8.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.8.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.8.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.8.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.8.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.8.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.8.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.8.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.8.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.8.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.8.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.8.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.8.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.8.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.8.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.8.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.8.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.8.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.8.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.8.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.8.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.8.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.8.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.8.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.8.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.8.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.8.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.8.norm_ff.weight | [256] | 256\n", - "encoder.encoders.8.norm_ff.bias | [256] | 256\n", - "encoder.encoders.8.norm_mha.weight | [256] | 256\n", - "encoder.encoders.8.norm_mha.bias | [256] | 256\n", - "encoder.encoders.8.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.8.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.8.norm_conv.weight | [256] | 256\n", - "encoder.encoders.8.norm_conv.bias | [256] | 256\n", - "encoder.encoders.8.norm_final.weight | [256] | 256\n", - "encoder.encoders.8.norm_final.bias | [256] | 256\n", - "encoder.encoders.8.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.8.concat_linear.bias | [256] | 256\n", - "encoder.encoders.9.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.9.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.9.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.9.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.9.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.9.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.9.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.9.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.9.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.9.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.9.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.9.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.9.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.9.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.9.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.9.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.9.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.9.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.9.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.9.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.9.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.9.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.9.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.9.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.9.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.9.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.9.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.9.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.9.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.9.norm_ff.weight | [256] | 256\n", - "encoder.encoders.9.norm_ff.bias | [256] | 256\n", - "encoder.encoders.9.norm_mha.weight | [256] | 256\n", - "encoder.encoders.9.norm_mha.bias | [256] | 256\n", - "encoder.encoders.9.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.9.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.9.norm_conv.weight | [256] | 256\n", - "encoder.encoders.9.norm_conv.bias | [256] | 256\n", - "encoder.encoders.9.norm_final.weight | [256] | 256\n", - "encoder.encoders.9.norm_final.bias | [256] | 256\n", - "encoder.encoders.9.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.9.concat_linear.bias | [256] | 256\n", - "encoder.encoders.10.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.10.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.10.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.10.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.10.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.10.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.10.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.10.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.10.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.10.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.10.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.10.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.10.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.10.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.10.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.10.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.10.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.10.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.10.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.10.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.10.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.10.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.10.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.10.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.10.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.10.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.10.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.10.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.10.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.10.norm_ff.weight | [256] | 256\n", - "encoder.encoders.10.norm_ff.bias | [256] | 256\n", - "encoder.encoders.10.norm_mha.weight | [256] | 256\n", - "encoder.encoders.10.norm_mha.bias | [256] | 256\n", - "encoder.encoders.10.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.10.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.10.norm_conv.weight | [256] | 256\n", - "encoder.encoders.10.norm_conv.bias | [256] | 256\n", - "encoder.encoders.10.norm_final.weight | [256] | 256\n", - "encoder.encoders.10.norm_final.bias | [256] | 256\n", - "encoder.encoders.10.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.10.concat_linear.bias | [256] | 256\n", - "encoder.encoders.11.self_attn.pos_bias_u | [4, 64] | 256\n", - "encoder.encoders.11.self_attn.pos_bias_v | [4, 64] | 256\n", - "encoder.encoders.11.self_attn.linear_q.weight | [256, 256] | 65536\n", - "encoder.encoders.11.self_attn.linear_q.bias | [256] | 256\n", - "encoder.encoders.11.self_attn.linear_k.weight | [256, 256] | 65536\n", - "encoder.encoders.11.self_attn.linear_k.bias | [256] | 256\n", - "encoder.encoders.11.self_attn.linear_v.weight | [256, 256] | 65536\n", - "encoder.encoders.11.self_attn.linear_v.bias | [256] | 256\n", - "encoder.encoders.11.self_attn.linear_out.weight | [256, 256] | 65536\n", - "encoder.encoders.11.self_attn.linear_out.bias | [256] | 256\n", - "encoder.encoders.11.self_attn.linear_pos.weight | [256, 256] | 65536\n", - "encoder.encoders.11.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.11.feed_forward.w_1.bias | [2048] | 2048\n", - "encoder.encoders.11.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.11.feed_forward.w_2.bias | [256] | 256\n", - "encoder.encoders.11.feed_forward_macaron.w_1.weight | [256, 2048] | 524288\n", - "encoder.encoders.11.feed_forward_macaron.w_1.bias | [2048] | 2048\n", - "encoder.encoders.11.feed_forward_macaron.w_2.weight | [2048, 256] | 524288\n", - "encoder.encoders.11.feed_forward_macaron.w_2.bias | [256] | 256\n", - "encoder.encoders.11.conv_module.pointwise_conv1.weight | [512, 256, 1] | 131072\n", - "encoder.encoders.11.conv_module.pointwise_conv1.bias | [512] | 512\n", - "encoder.encoders.11.conv_module.depthwise_conv.weight | [256, 1, 15] | 3840\n", - "encoder.encoders.11.conv_module.depthwise_conv.bias | [256] | 256\n", - "encoder.encoders.11.conv_module.norm.weight | [256] | 256\n", - "encoder.encoders.11.conv_module.norm.bias | [256] | 256\n", - "encoder.encoders.11.conv_module.norm._mean | [256] | 256\n", - "encoder.encoders.11.conv_module.norm._variance | [256] | 256\n", - "encoder.encoders.11.conv_module.pointwise_conv2.weight | [256, 256, 1] | 65536\n", - "encoder.encoders.11.conv_module.pointwise_conv2.bias | [256] | 256\n", - "encoder.encoders.11.norm_ff.weight | [256] | 256\n", - "encoder.encoders.11.norm_ff.bias | [256] | 256\n", - "encoder.encoders.11.norm_mha.weight | [256] | 256\n", - "encoder.encoders.11.norm_mha.bias | [256] | 256\n", - "encoder.encoders.11.norm_ff_macaron.weight | [256] | 256\n", - "encoder.encoders.11.norm_ff_macaron.bias | [256] | 256\n", - "encoder.encoders.11.norm_conv.weight | [256] | 256\n", - "encoder.encoders.11.norm_conv.bias | [256] | 256\n", - "encoder.encoders.11.norm_final.weight | [256] | 256\n", - "encoder.encoders.11.norm_final.bias | [256] | 256\n", - "encoder.encoders.11.concat_linear.weight | [512, 256] | 131072\n", - "encoder.encoders.11.concat_linear.bias | [256] | 256\n", - "decoder.embed.0.weight | [4233, 256] | 1083648\n", - "decoder.after_norm.weight | [256] | 256\n", - "decoder.after_norm.bias | [256] | 256\n", - "decoder.output_layer.weight | [256, 4233] | 1083648\n", - "decoder.output_layer.bias | [4233] | 4233\n", - "decoder.decoders.0.self_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.0.self_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.0.self_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.0.self_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.0.self_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.0.self_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.0.self_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.0.self_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.0.src_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.0.src_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.0.src_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.0.src_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.0.src_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.0.src_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.0.src_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.0.src_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.0.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "decoder.decoders.0.feed_forward.w_1.bias | [2048] | 2048\n", - "decoder.decoders.0.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "decoder.decoders.0.feed_forward.w_2.bias | [256] | 256\n", - "decoder.decoders.0.norm1.weight | [256] | 256\n", - "decoder.decoders.0.norm1.bias | [256] | 256\n", - "decoder.decoders.0.norm2.weight | [256] | 256\n", - "decoder.decoders.0.norm2.bias | [256] | 256\n", - "decoder.decoders.0.norm3.weight | [256] | 256\n", - "decoder.decoders.0.norm3.bias | [256] | 256\n", - "decoder.decoders.0.concat_linear1.weight | [512, 256] | 131072\n", - "decoder.decoders.0.concat_linear1.bias | [256] | 256\n", - "decoder.decoders.0.concat_linear2.weight | [512, 256] | 131072\n", - "decoder.decoders.0.concat_linear2.bias | [256] | 256\n", - "decoder.decoders.1.self_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.1.self_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.1.self_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.1.self_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.1.self_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.1.self_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.1.self_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.1.self_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.1.src_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.1.src_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.1.src_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.1.src_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.1.src_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.1.src_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.1.src_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.1.src_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.1.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "decoder.decoders.1.feed_forward.w_1.bias | [2048] | 2048\n", - "decoder.decoders.1.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "decoder.decoders.1.feed_forward.w_2.bias | [256] | 256\n", - "decoder.decoders.1.norm1.weight | [256] | 256\n", - "decoder.decoders.1.norm1.bias | [256] | 256\n", - "decoder.decoders.1.norm2.weight | [256] | 256\n", - "decoder.decoders.1.norm2.bias | [256] | 256\n", - "decoder.decoders.1.norm3.weight | [256] | 256\n", - "decoder.decoders.1.norm3.bias | [256] | 256\n", - "decoder.decoders.1.concat_linear1.weight | [512, 256] | 131072\n", - "decoder.decoders.1.concat_linear1.bias | [256] | 256\n", - "decoder.decoders.1.concat_linear2.weight | [512, 256] | 131072\n", - "decoder.decoders.1.concat_linear2.bias | [256] | 256\n", - "decoder.decoders.2.self_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.2.self_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.2.self_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.2.self_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.2.self_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.2.self_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.2.self_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.2.self_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.2.src_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.2.src_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.2.src_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.2.src_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.2.src_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.2.src_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.2.src_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.2.src_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.2.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "decoder.decoders.2.feed_forward.w_1.bias | [2048] | 2048\n", - "decoder.decoders.2.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "decoder.decoders.2.feed_forward.w_2.bias | [256] | 256\n", - "decoder.decoders.2.norm1.weight | [256] | 256\n", - "decoder.decoders.2.norm1.bias | [256] | 256\n", - "decoder.decoders.2.norm2.weight | [256] | 256\n", - "decoder.decoders.2.norm2.bias | [256] | 256\n", - "decoder.decoders.2.norm3.weight | [256] | 256\n", - "decoder.decoders.2.norm3.bias | [256] | 256\n", - "decoder.decoders.2.concat_linear1.weight | [512, 256] | 131072\n", - "decoder.decoders.2.concat_linear1.bias | [256] | 256\n", - "decoder.decoders.2.concat_linear2.weight | [512, 256] | 131072\n", - "decoder.decoders.2.concat_linear2.bias | [256] | 256\n", - "decoder.decoders.3.self_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.3.self_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.3.self_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.3.self_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.3.self_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.3.self_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.3.self_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.3.self_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.3.src_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.3.src_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.3.src_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.3.src_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.3.src_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.3.src_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.3.src_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.3.src_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.3.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "decoder.decoders.3.feed_forward.w_1.bias | [2048] | 2048\n", - "decoder.decoders.3.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "decoder.decoders.3.feed_forward.w_2.bias | [256] | 256\n", - "decoder.decoders.3.norm1.weight | [256] | 256\n", - "decoder.decoders.3.norm1.bias | [256] | 256\n", - "decoder.decoders.3.norm2.weight | [256] | 256\n", - "decoder.decoders.3.norm2.bias | [256] | 256\n", - "decoder.decoders.3.norm3.weight | [256] | 256\n", - "decoder.decoders.3.norm3.bias | [256] | 256\n", - "decoder.decoders.3.concat_linear1.weight | [512, 256] | 131072\n", - "decoder.decoders.3.concat_linear1.bias | [256] | 256\n", - "decoder.decoders.3.concat_linear2.weight | [512, 256] | 131072\n", - "decoder.decoders.3.concat_linear2.bias | [256] | 256\n", - "decoder.decoders.4.self_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.4.self_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.4.self_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.4.self_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.4.self_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.4.self_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.4.self_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.4.self_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.4.src_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.4.src_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.4.src_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.4.src_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.4.src_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.4.src_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.4.src_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.4.src_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.4.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "decoder.decoders.4.feed_forward.w_1.bias | [2048] | 2048\n", - "decoder.decoders.4.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "decoder.decoders.4.feed_forward.w_2.bias | [256] | 256\n", - "decoder.decoders.4.norm1.weight | [256] | 256\n", - "decoder.decoders.4.norm1.bias | [256] | 256\n", - "decoder.decoders.4.norm2.weight | [256] | 256\n", - "decoder.decoders.4.norm2.bias | [256] | 256\n", - "decoder.decoders.4.norm3.weight | [256] | 256\n", - "decoder.decoders.4.norm3.bias | [256] | 256\n", - "decoder.decoders.4.concat_linear1.weight | [512, 256] | 131072\n", - "decoder.decoders.4.concat_linear1.bias | [256] | 256\n", - "decoder.decoders.4.concat_linear2.weight | [512, 256] | 131072\n", - "decoder.decoders.4.concat_linear2.bias | [256] | 256\n", - "decoder.decoders.5.self_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.5.self_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.5.self_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.5.self_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.5.self_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.5.self_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.5.self_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.5.self_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.5.src_attn.linear_q.weight | [256, 256] | 65536\n", - "decoder.decoders.5.src_attn.linear_q.bias | [256] | 256\n", - "decoder.decoders.5.src_attn.linear_k.weight | [256, 256] | 65536\n", - "decoder.decoders.5.src_attn.linear_k.bias | [256] | 256\n", - "decoder.decoders.5.src_attn.linear_v.weight | [256, 256] | 65536\n", - "decoder.decoders.5.src_attn.linear_v.bias | [256] | 256\n", - "decoder.decoders.5.src_attn.linear_out.weight | [256, 256] | 65536\n", - "decoder.decoders.5.src_attn.linear_out.bias | [256] | 256\n", - "decoder.decoders.5.feed_forward.w_1.weight | [256, 2048] | 524288\n", - "decoder.decoders.5.feed_forward.w_1.bias | [2048] | 2048\n", - "decoder.decoders.5.feed_forward.w_2.weight | [2048, 256] | 524288\n", - "decoder.decoders.5.feed_forward.w_2.bias | [256] | 256\n", - "decoder.decoders.5.norm1.weight | [256] | 256\n", - "decoder.decoders.5.norm1.bias | [256] | 256\n", - "decoder.decoders.5.norm2.weight | [256] | 256\n", - "decoder.decoders.5.norm2.bias | [256] | 256\n", - "decoder.decoders.5.norm3.weight | [256] | 256\n", - "decoder.decoders.5.norm3.bias | [256] | 256\n", - "decoder.decoders.5.concat_linear1.weight | [512, 256] | 131072\n", - "decoder.decoders.5.concat_linear1.bias | [256] | 256\n", - "decoder.decoders.5.concat_linear2.weight | [512, 256] | 131072\n", - "decoder.decoders.5.concat_linear2.bias | [256] | 256\n", - "ctc.ctc_lo.weight | [256, 4233] | 1083648\n", - "ctc.ctc_lo.bias | [4233] | 4233\n", - "Total parameters: 689, 49355442 elements.\n" - ] - } - ], - "source": [ - "summary(model)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "ruled-invitation", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "U2Model(\n", - " (encoder): ConformerEncoder(\n", - " (global_cmvn): GlobalCMVN()\n", - " (embed): Conv2dSubsampling4(\n", - " (pos_enc): RelPositionalEncoding(\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " )\n", - " (conv): Sequential(\n", - " (0): Conv2D(1, 256, kernel_size=[3, 3], stride=[2, 2], data_format=NCHW)\n", - " (1): ReLU()\n", - " (2): Conv2D(256, 256, kernel_size=[3, 3], stride=[2, 2], data_format=NCHW)\n", - " (3): ReLU()\n", - " )\n", - " (out): Sequential(\n", - " (0): Linear(in_features=4864, out_features=256, dtype=float32)\n", - " )\n", - " )\n", - " (after_norm): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (encoders): LayerList(\n", - " (0): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (1): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (2): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (3): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (4): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (5): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (6): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (7): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (8): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (9): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (10): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (11): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " (linear_pos): Linear(in_features=256, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1D(256, 512, kernel_size=[1], data_format=NCL)\n", - " (depthwise_conv): Conv1D(256, 256, kernel_size=[15], padding=7, groups=256, data_format=NCL)\n", - " (norm): BatchNorm1D(num_features=256, momentum=0.9, epsilon=1e-05)\n", - " (pointwise_conv2): Conv1D(256, 256, kernel_size=[1], data_format=NCL)\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_mha): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_ff_macaron): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_conv): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm_final): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " )\n", - " )\n", - " (decoder): TransformerDecoder(\n", - " (embed): Sequential(\n", - " (0): Embedding(4233, 256, sparse=False)\n", - " (1): PositionalEncoding(\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " )\n", - " )\n", - " (after_norm): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (output_layer): Linear(in_features=256, out_features=4233, dtype=float32)\n", - " (decoders): LayerList(\n", - " (0): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (norm1): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm2): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm3): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, dtype=float32)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (1): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (norm1): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm2): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm3): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, dtype=float32)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (2): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (norm1): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm2): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm3): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, dtype=float32)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (3): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (norm1): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm2): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm3): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, dtype=float32)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (4): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (norm1): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm2): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm3): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, dtype=float32)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " (5): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_k): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_v): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (linear_out): Linear(in_features=256, out_features=256, dtype=float32)\n", - " (dropout): Dropout(p=0.0, axis=None, mode=upscale_in_train)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, dtype=float32)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (w_2): Linear(in_features=2048, out_features=256, dtype=float32)\n", - " )\n", - " (norm1): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm2): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (norm3): LayerNorm(normalized_shape=[256], epsilon=1e-12)\n", - " (dropout): Dropout(p=0.1, axis=None, mode=upscale_in_train)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, dtype=float32)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, dtype=float32)\n", - " )\n", - " )\n", - " )\n", - " (ctc): CTCDecoder(\n", - " (ctc_lo): Linear(in_features=256, out_features=4233, dtype=float32)\n", - " (criterion): CTCLoss(\n", - " (loss): CTCLoss()\n", - " )\n", - " )\n", - " (criterion_att): LabelSmoothingLoss(\n", - " (criterion): KLDivLoss()\n", - " )\n", - ")\n" - ] - } - ], - "source": [ - "print(model)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "fossil-means", - "metadata": {}, - "outputs": [], - "source": [ - "# load feat" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "fleet-despite", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "compute_cmvn_loader_test.ipynb encoder.npz\r\n", - "dataloader.ipynb hack_api_test.ipynb\r\n", - "dataloader_with_tokens_tokenids.ipynb jit_infer.ipynb\r\n", - "data.npz layer_norm_test.ipynb\r\n", - "decoder.npz Linear_test.ipynb\r\n", - "enc_0_ff_out.npz mask_and_masked_fill_test.ipynb\r\n", - "enc_0_norm_ff.npz model.npz\r\n", - "enc_0.npz position_embeding_check.ipynb\r\n", - "enc_0_selattn_out.npz python_test.ipynb\r\n", - "enc_2.npz train_test.ipynb\r\n", - "enc_all.npz u2_model.ipynb\r\n", - "enc_embed.npz\r\n" - ] - } - ], - "source": [ - "%ls .notebook" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "abroad-oracle", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['BAC009S0739W0246' 'BAC009S0727W0424' 'BAC009S0753W0412'\n", - " 'BAC009S0756W0206' 'BAC009S0740W0414' 'BAC009S0728W0426'\n", - " 'BAC009S0739W0214' 'BAC009S0753W0423' 'BAC009S0734W0201'\n", - " 'BAC009S0740W0427' 'BAC009S0730W0423' 'BAC009S0728W0367'\n", - " 'BAC009S0730W0418' 'BAC009S0727W0157' 'BAC009S0749W0409'\n", - " 'BAC009S0727W0418']\n", - "(16, 207, 80)\n", - "[[[ 8.994624 9.538309 9.191589 ... 10.507416 9.563305 8.256403 ]\n", - " [ 9.798841 10.405224 9.26511 ... 10.251211 9.543982 8.873768 ]\n", - " [10.6890745 10.395469 8.053548 ... 9.906749 10.064903 8.050915 ]\n", - " ...\n", - " [ 9.217986 9.65069 8.505259 ... 9.687183 8.742463 7.9865475]\n", - " [10.129122 9.935194 9.37982 ... 9.563894 9.825992 8.979543 ]\n", - " [ 9.095531 7.1338377 9.468001 ... 9.472748 9.021235 7.447914 ]]\n", - "\n", - " [[11.430976 10.671858 6.0841026 ... 9.382682 8.729745 7.5315614]\n", - " [ 9.731717 7.8104815 7.5714607 ... 10.043035 9.243595 7.3540792]\n", - " [10.65017 10.600604 8.467784 ... 9.281448 9.186885 8.070343 ]\n", - " ...\n", - " [ 9.096987 9.2637 8.075275 ... 8.431845 8.370505 8.002926 ]\n", - " [10.461651 10.147784 6.7693496 ... 9.779426 9.577453 8.080652 ]\n", - " [ 7.794432 5.621059 7.9750648 ... 9.997245 9.849678 8.031287 ]]\n", - "\n", - " [[ 7.3455667 7.896357 7.5795946 ... 11.631024 10.451254 9.123633 ]\n", - " [ 8.628678 8.4630575 7.499242 ... 12.415986 10.975749 8.9425745]\n", - " [ 9.831394 10.2812805 8.97241 ... 12.1386795 10.40175 9.005517 ]\n", - " ...\n", - " [ 7.089641 7.405548 6.8142557 ... 9.325196 9.273162 8.353427 ]\n", - " [ 0. 0. 0. ... 0. 0. 0. ]\n", - " [ 0. 0. 0. ... 0. 0. 0. ]]\n", - "\n", - " ...\n", - "\n", - " [[10.933237 10.464394 7.7202725 ... 10.348816 9.302338 7.1553144]\n", - " [10.449866 9.907033 9.029272 ... 9.952465 9.414051 7.559279 ]\n", - " [10.487655 9.81259 9.895244 ... 9.58662 9.341254 7.7849016]\n", - " ...\n", - " [ 0. 0. 0. ... 0. 0. 0. ]\n", - " [ 0. 0. 0. ... 0. 0. 0. ]\n", - " [ 0. 0. 0. ... 0. 0. 0. ]]\n", - "\n", - " [[ 9.944384 9.585867 8.220328 ... 11.588647 11.045029 8.817075 ]\n", - " [ 7.678356 8.322397 7.533047 ... 11.055085 10.535685 9.27465 ]\n", - " [ 8.626197 9.675917 9.841045 ... 11.378827 10.922112 8.991444 ]\n", - " ...\n", - " [ 0. 0. 0. ... 0. 0. 0. ]\n", - " [ 0. 0. 0. ... 0. 0. 0. ]\n", - " [ 0. 0. 0. ... 0. 0. 0. ]]\n", - "\n", - " [[ 8.107938 7.759043 6.710301 ... 12.650573 11.466156 11.061517 ]\n", - " [11.380332 11.222007 8.658889 ... 12.810616 12.222216 11.689288 ]\n", - " [10.677676 9.920579 8.046089 ... 13.572894 12.5624075 11.155033 ]\n", - " ...\n", - " [ 0. 0. 0. ... 0. 0. 0. ]\n", - " [ 0. 0. 0. ... 0. 0. 0. ]\n", - " [ 0. 0. 0. ... 0. 0. 0. ]]]\n", - "[207 207 205 205 203 203 198 197 195 188 186 186 185 180 166 163]\n", - "[[2995 3116 1209 565 -1 -1]\n", - " [ 236 1176 331 66 3925 4077]\n", - " [2693 524 234 1145 366 -1]\n", - " [3875 4211 3062 700 -1 -1]\n", - " [ 272 987 1134 494 2959 -1]\n", - " [1936 3715 120 2553 2695 2710]\n", - " [ 25 1149 3930 -1 -1 -1]\n", - " [1753 1778 1237 482 3925 110]\n", - " [3703 2 565 3827 -1 -1]\n", - " [1150 2734 10 2478 3490 -1]\n", - " [ 426 811 95 489 144 -1]\n", - " [2313 2006 489 975 -1 -1]\n", - " [3702 3414 205 1488 2966 1347]\n", - " [ 70 1741 702 1666 -1 -1]\n", - " [ 703 1778 1030 849 -1 -1]\n", - " [ 814 1674 115 3827 -1 -1]]\n", - "[4 6 5 4 5 6 3 6 4 5 5 4 6 4 4 4]\n" - ] - } - ], - "source": [ - "data = np.load('.notebook/data.npz', allow_pickle=True)\n", - "keys=data['keys']\n", - "feat=data['feat']\n", - "feat_len=data['feat_len']\n", - "text=data['text']\n", - "text_len=data['text_len']\n", - "print(keys)\n", - "print(feat.shape)\n", - "print(feat)\n", - "print(feat_len)\n", - "print(text)\n", - "print(text_len)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "false-instrument", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 9, - "id": "arctic-proxy", - "metadata": {}, - "outputs": [], - "source": [ - "# ['BAC009S0739W0246', 'BAC009S0727W0424', 'BAC009S0753W0412', 'BAC009S0756W0206', 'BAC009S0740W0414', 'BAC009S0728W0426', 'BAC009S0739W0214', 'BAC009S0753W0423', 'BAC009S0734W0201', 'BAC009S0740W0427', 'BAC009S0730W0423', 'BAC009S0728W0367', 'BAC009S0730W0418', 'BAC009S0727W0157', 'BAC009S0749W0409', 'BAC009S0727W0418']\n", - "# torch.Size([16, 207, 80])\n", - "# tensor([[[ 8.9946, 9.5383, 9.1916, ..., 10.5074, 9.5633, 8.2564],\n", - "# [ 9.7988, 10.4052, 9.2651, ..., 10.2512, 9.5440, 8.8738],\n", - "# [10.6891, 10.3955, 8.0535, ..., 9.9067, 10.0649, 8.0509],\n", - "# ...,\n", - "# [ 9.2180, 9.6507, 8.5053, ..., 9.6872, 8.7425, 7.9865],\n", - "# [10.1291, 9.9352, 9.3798, ..., 9.5639, 9.8260, 8.9795],\n", - "# [ 9.0955, 7.1338, 9.4680, ..., 9.4727, 9.0212, 7.4479]],\n", - "\n", - "# [[11.4310, 10.6719, 6.0841, ..., 9.3827, 8.7297, 7.5316],\n", - "# [ 9.7317, 7.8105, 7.5715, ..., 10.0430, 9.2436, 7.3541],\n", - "# [10.6502, 10.6006, 8.4678, ..., 9.2814, 9.1869, 8.0703],\n", - "# ...,\n", - "# [ 9.0970, 9.2637, 8.0753, ..., 8.4318, 8.3705, 8.0029],\n", - "# [10.4617, 10.1478, 6.7693, ..., 9.7794, 9.5775, 8.0807],\n", - "# [ 7.7944, 5.6211, 7.9751, ..., 9.9972, 9.8497, 8.0313]],\n", - "\n", - "# [[ 7.3456, 7.8964, 7.5796, ..., 11.6310, 10.4513, 9.1236],\n", - "# [ 8.6287, 8.4631, 7.4992, ..., 12.4160, 10.9757, 8.9426],\n", - "# [ 9.8314, 10.2813, 8.9724, ..., 12.1387, 10.4017, 9.0055],\n", - "# ...,\n", - "# [ 7.0896, 7.4055, 6.8143, ..., 9.3252, 9.2732, 8.3534],\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000]],\n", - "\n", - "# ...,\n", - "\n", - "# [[10.9332, 10.4644, 7.7203, ..., 10.3488, 9.3023, 7.1553],\n", - "# [10.4499, 9.9070, 9.0293, ..., 9.9525, 9.4141, 7.5593],\n", - "# [10.4877, 9.8126, 9.8952, ..., 9.5866, 9.3413, 7.7849],\n", - "# ...,\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000]],\n", - "\n", - "# [[ 9.9444, 9.5859, 8.2203, ..., 11.5886, 11.0450, 8.8171],\n", - "# [ 7.6784, 8.3224, 7.5330, ..., 11.0551, 10.5357, 9.2746],\n", - "# [ 8.6262, 9.6759, 9.8410, ..., 11.3788, 10.9221, 8.9914],\n", - "# ...,\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000]],\n", - "\n", - "# [[ 8.1079, 7.7590, 6.7103, ..., 12.6506, 11.4662, 11.0615],\n", - "# [11.3803, 11.2220, 8.6589, ..., 12.8106, 12.2222, 11.6893],\n", - "# [10.6777, 9.9206, 8.0461, ..., 13.5729, 12.5624, 11.1550],\n", - "# ...,\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - "# [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000]]])\n", - "# tensor([207, 207, 205, 205, 203, 203, 198, 197, 195, 188, 186, 186, 185, 180,\n", - "# 166, 163], dtype=torch.int32)\n", - "# tensor([[2995, 3116, 1209, 565, -1, -1],\n", - "# [ 236, 1176, 331, 66, 3925, 4077],\n", - "# [2693, 524, 234, 1145, 366, -1],\n", - "# [3875, 4211, 3062, 700, -1, -1],\n", - "# [ 272, 987, 1134, 494, 2959, -1],\n", - "# [1936, 3715, 120, 2553, 2695, 2710],\n", - "# [ 25, 1149, 3930, -1, -1, -1],\n", - "# [1753, 1778, 1237, 482, 3925, 110],\n", - "# [3703, 2, 565, 3827, -1, -1],\n", - "# [1150, 2734, 10, 2478, 3490, -1],\n", - "# [ 426, 811, 95, 489, 144, -1],\n", - "# [2313, 2006, 489, 975, -1, -1],\n", - "# [3702, 3414, 205, 1488, 2966, 1347],\n", - "# [ 70, 1741, 702, 1666, -1, -1],\n", - "# [ 703, 1778, 1030, 849, -1, -1],\n", - "# [ 814, 1674, 115, 3827, -1, -1]], dtype=torch.int32)\n", - "# tensor([4, 6, 5, 4, 5, 6, 3, 6, 4, 5, 5, 4, 6, 4, 4, 4], dtype=torch.int32)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "seasonal-switch", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 10, - "id": "defined-brooks", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "compute_cmvn_loader_test.ipynb\t encoder.npz\r\n", - "dataloader.ipynb\t\t hack_api_test.ipynb\r\n", - "dataloader_with_tokens_tokenids.ipynb jit_infer.ipynb\r\n", - "data.npz\t\t\t layer_norm_test.ipynb\r\n", - "decoder.npz\t\t\t Linear_test.ipynb\r\n", - "enc_0_ff_out.npz\t\t mask_and_masked_fill_test.ipynb\r\n", - "enc_0_norm_ff.npz\t\t model.npz\r\n", - "enc_0.npz\t\t\t position_embeding_check.ipynb\r\n", - "enc_0_selattn_out.npz\t\t python_test.ipynb\r\n", - "enc_2.npz\t\t\t train_test.ipynb\r\n", - "enc_all.npz\t\t\t u2_model.ipynb\r\n", - "enc_embed.npz\r\n" - ] - } - ], - "source": [ - "# load model param\n", - "!ls .notebook\n", - "data = np.load('.notebook/model.npz', allow_pickle=True)\n", - "state_dict = data['state'].item()\n", - "\n", - "for key, _ in model.state_dict().items():\n", - " if key not in state_dict:\n", - " print(f\"{key} not find.\")\n", - "\n", - "model.set_state_dict(state_dict)\n", - "\n", - "now_state_dict = model.state_dict()\n", - "for key, value in now_state_dict.items():\n", - " if not np.allclose(value.numpy(), state_dict[key]):\n", - " print(key)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "exempt-viewer", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 11, - "id": "confident-piano", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:687: 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " elif dtype == np.bool:\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [142.48880005]) Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [41.84146118]) Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [377.33258057])\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/math_op_patch.py:238: UserWarning: The dtype of left and right variables are not the same, left dtype is VarType.FP32, but right dtype is VarType.INT32, the right dtype will convert to VarType.FP32\n", - " format(lhs_dtype, rhs_dtype, lhs_dtype))\n" - ] - } - ], - "source": [ - "# compute loss\n", - "import paddle\n", - "feat=paddle.to_tensor(feat)\n", - "feat_len=paddle.to_tensor(feat_len, dtype='int64')\n", - "text=paddle.to_tensor(text, dtype='int64')\n", - "text_len=paddle.to_tensor(text_len, dtype='int64')\n", - "\n", - "model.eval()\n", - "total_loss, attention_loss, ctc_loss = model(feat, feat_len,\n", - " text, text_len)\n", - "print(total_loss, attention_loss, ctc_loss )" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "id": "better-senator", - "metadata": {}, - "outputs": [], - "source": [ - "# tensor(142.4888, device='cuda:0', grad_fn=) \n", - "# tensor(41.8415, device='cuda:0', grad_fn=) \n", - "# tensor(377.3326, device='cuda:0', grad_fn=)\n", - "# 142.4888 41.84146 377.33258" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "related-banking", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 13, - "id": "olympic-problem", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[16, 51, 256]\n", - "[16, 1, 51]\n", - "Tensor(shape=[51, 256], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [[-0.70194179, 0.56254166, 0.68803459, ..., 1.12373221, 0.78039235, 1.13693869],\n", - " [-0.77877808, 0.39126658, 0.71887815, ..., 1.25188220, 0.88616788, 1.31734526],\n", - " [-0.95908946, 0.63460249, 0.87671334, ..., 0.98183727, 0.74401081, 1.29032660],\n", - " ...,\n", - " [-1.07322502, 0.67236906, 0.92303109, ..., 0.90754563, 0.81767166, 1.32396567],\n", - " [-1.16541159, 0.68199694, 0.69394493, ..., 1.22383487, 0.80282891, 1.45065081],\n", - " [-1.27320945, 0.71458030, 0.75819558, ..., 0.94154912, 0.87748396, 1.26230514]])\n" - ] - } - ], - "source": [ - "# ecnoder\n", - "encoder_out, encoder_mask = model.encoder(feat, feat_len)\n", - "print(encoder_out.shape)\n", - "print(encoder_mask.shape)\n", - "print(encoder_out[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "id": "shaped-alaska", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "deepspeech examples README_cn.md\tsetup.sh tools\r\n", - "docs\t LICENSE README.md\t\ttests\t utils\r\n", - "env.sh\t log requirements.txt\tthird_party\r\n" - ] - } - ], - "source": [ - "!ls\n", - "data = np.load('.notebook/encoder.npz', allow_pickle=True)\n", - "torch_mask = data['mask']\n", - "torch_encoder_out = data['out']" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "id": "federal-rover", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "None\n" - ] - } - ], - "source": [ - "print(np.testing.assert_equal(torch_mask, encoder_mask.numpy()))" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "id": "regulated-interstate", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "False\n", - "[[-0.7019424 0.56254166 0.6880345 ... 1.1237322 0.78039217\n", - " 1.1369387 ]\n", - " [-0.778778 0.39126638 0.7188779 ... 1.2518823 0.8861681\n", - " 1.3173454 ]\n", - " [-0.9590891 0.6346026 0.87671363 ... 0.9818373 0.74401116\n", - " 1.2903274 ]\n", - " ...\n", - " [-1.0732253 0.6723689 0.9230311 ... 0.9075457 0.8176713\n", - " 1.3239657 ]\n", - " [-1.165412 0.6819976 0.69394535 ... 1.2238353 0.80282927\n", - " 1.4506509 ]\n", - " [-1.2732087 0.71458083 0.7581961 ... 0.9415482 0.877484\n", - " 1.2623053 ]]\n", - "----\n", - "[[-0.7019418 0.56254166 0.6880346 ... 1.1237322 0.78039235\n", - " 1.1369387 ]\n", - " [-0.7787781 0.39126658 0.71887815 ... 1.2518822 0.8861679\n", - " 1.3173453 ]\n", - " [-0.95908946 0.6346025 0.87671334 ... 0.9818373 0.7440108\n", - " 1.2903266 ]\n", - " ...\n", - " [-1.073225 0.67236906 0.9230311 ... 0.9075456 0.81767166\n", - " 1.3239657 ]\n", - " [-1.1654116 0.68199694 0.69394493 ... 1.2238349 0.8028289\n", - " 1.4506508 ]\n", - " [-1.2732095 0.7145803 0.7581956 ... 0.9415491 0.87748396\n", - " 1.2623051 ]]\n", - "True\n", - "False\n" - ] - } - ], - "source": [ - "print(np.allclose(torch_encoder_out, encoder_out.numpy()))\n", - "print(torch_encoder_out[0])\n", - "print(\"----\")\n", - "print(encoder_out.numpy()[0])\n", - "print(np.allclose(torch_encoder_out, encoder_out.numpy(), atol=1e-5, rtol=1e-6))\n", - "print(np.allclose(torch_encoder_out, encoder_out.numpy(), atol=1e-6, rtol=1e-6))" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "id": "proof-scheduling", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [377.33258057])\n", - "[1.]\n", - "[[ 3.16902876e+00 -1.51763987e-02 4.91095744e-02 ... -2.47971853e-03\n", - " -5.93360700e-03 -7.26609165e-03]\n", - " [-1.74184477e+00 7.75874173e-03 -4.49434854e-02 ... 9.92412097e-04\n", - " 2.46337592e-03 2.31892057e-03]\n", - " [-2.33343339e+00 1.30475955e-02 -2.66557075e-02 ... 2.27532350e-03\n", - " 5.76924905e-03 7.48788286e-03]\n", - " ...\n", - " [-4.30358458e+00 2.46054661e-02 -9.00950655e-02 ... 4.43156436e-03\n", - " 1.16122244e-02 1.44715561e-02]\n", - " [-3.36921120e+00 1.73153952e-02 -6.36872873e-02 ... 3.28363618e-03\n", - " 8.58010259e-03 1.07794888e-02]\n", - " [-6.62045336e+00 3.49955931e-02 -1.23962618e-01 ... 6.36671018e-03\n", - " 1.60814095e-02 2.03891303e-02]]\n", - "[-4.3777819e+00 2.3245810e-02 -9.3339294e-02 ... 4.2569344e-03\n", - " 1.0919910e-02 1.3787797e-02]\n" - ] - } - ], - "source": [ - "from paddle.nn import functional as F\n", - "def ctc_loss(logits,\n", - " labels,\n", - " input_lengths,\n", - " label_lengths,\n", - " blank=0,\n", - " reduction='mean',\n", - " norm_by_times=False):\n", - " loss_out = paddle.fluid.layers.warpctc(logits, labels, blank, norm_by_times,\n", - " input_lengths, label_lengths)\n", - " loss_out = paddle.fluid.layers.squeeze(loss_out, [-1])\n", - " assert reduction in ['mean', 'sum', 'none']\n", - " if reduction == 'mean':\n", - " loss_out = paddle.mean(loss_out / label_lengths)\n", - " elif reduction == 'sum':\n", - " loss_out = paddle.sum(loss_out)\n", - " return loss_out\n", - "\n", - "F.ctc_loss = ctc_loss\n", - "\n", - "torch_mask_t = paddle.to_tensor(torch_mask, dtype='int64')\n", - "encoder_out_lens = torch_mask_t.squeeze(1).sum(1)\n", - "loss_ctc = model.ctc(paddle.to_tensor(torch_encoder_out), encoder_out_lens, text, text_len)\n", - "print(loss_ctc)\n", - "loss_ctc.backward()\n", - "print(loss_ctc.grad)\n", - "print(model.ctc.ctc_lo.weight.grad)\n", - "print(model.ctc.ctc_lo.bias.grad)\n", - "\n", - "\n", - "# tensor(377.3326, device='cuda:0', grad_fn=)\n", - "# None\n", - "# [[ 3.16902351e+00 -1.51765049e-02 4.91097234e-02 ... -2.47973716e-03\n", - "# -5.93366381e-03 -7.26613170e-03]\n", - "# [-1.74185038e+00 7.75875803e-03 -4.49435972e-02 ... 9.92415240e-04\n", - "# 2.46338220e-03 2.31891591e-03]\n", - "# [-2.33343077e+00 1.30476682e-02 -2.66557615e-02 ... 2.27533933e-03\n", - "# 5.76929189e-03 7.48792710e-03]\n", - "# ...\n", - "# [-4.30356789e+00 2.46056803e-02 -9.00955945e-02 ... 4.43160534e-03\n", - "# 1.16123557e-02 1.44716976e-02]\n", - "# [-3.36919212e+00 1.73155665e-02 -6.36875406e-02 ... 3.28367390e-03\n", - "# 8.58021621e-03 1.07796099e-02]\n", - "# [-6.62039661e+00 3.49958315e-02 -1.23963736e-01 ... 6.36674836e-03\n", - "# 1.60815325e-02 2.03892551e-02]]\n", - "# [-4.3777566e+00 2.3245990e-02 -9.3339972e-02 ... 4.2569702e-03\n", - "# 1.0920014e-02 1.3787906e-02]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "enclosed-consolidation", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 18, - "id": "synthetic-hungarian", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [41.84146118]) 0.0\n" - ] - } - ], - "source": [ - "loss_att, acc_att = model._calc_att_loss(paddle.to_tensor(torch_encoder_out), paddle.to_tensor(torch_mask),\n", - " text, text_len)\n", - "print(loss_att, acc_att)\n", - "#tensor(41.8416, device='cuda:0', grad_fn=) 0.0" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "id": "indian-sweden", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 202, - "id": "marine-cuisine", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[-3.7638968e-01 -8.2272053e-01 7.4276292e-01 ... 3.4200522e-01\n", - " 1.5034772e-02 4.0337229e-01]\n", - " [-8.7386459e-01 -3.1389427e-01 4.1987866e-01 ... 3.7723729e-01\n", - " -1.4352810e-01 -1.0023664e+00]\n", - " [-4.3505096e-01 3.4504786e-02 -2.8710306e-01 ... 7.7274129e-02\n", - " -1.1672243e+00 -2.6848501e-01]\n", - " ...\n", - " [ 4.2471480e-01 5.8885634e-01 2.0203922e-02 ... 3.7405500e-01\n", - " 4.5470044e-02 -3.7139410e-01]\n", - " [-3.7978446e-01 -8.1084180e-01 7.5725085e-01 ... 2.6038891e-01\n", - " -7.9347193e-04 4.2537671e-01]\n", - " [-3.8279903e-01 -8.1206715e-01 7.4943429e-01 ... 2.6173013e-01\n", - " -1.0499060e-03 4.2678756e-01]]\n" - ] - } - ], - "source": [ - "data = np.load(\".notebook/decoder.npz\", allow_pickle=True)\n", - "torch_decoder_out = data['decoder_out']\n", - "print(torch_decoder_out[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 180, - "id": "several-result", - "metadata": {}, - "outputs": [], - "source": [ - "def add_sos_eos(ys_pad: paddle.Tensor, sos: int, eos: int,\n", - " ignore_id: int):\n", - " \"\"\"Add and labels.\n", - " Args:\n", - " ys_pad (paddle.Tensor): batch of padded target sequences (B, Lmax)\n", - " sos (int): index of \n", - " eos (int): index of \n", - " ignore_id (int): index of padding\n", - " Returns:\n", - " ys_in (paddle.Tensor) : (B, Lmax + 1)\n", - " ys_out (paddle.Tensor) : (B, Lmax + 1)\n", - " Examples:\n", - " >>> sos_id = 10\n", - " >>> eos_id = 11\n", - " >>> ignore_id = -1\n", - " >>> ys_pad\n", - " tensor([[ 1, 2, 3, 4, 5],\n", - " [ 4, 5, 6, -1, -1],\n", - " [ 7, 8, 9, -1, -1]], dtype=paddle.int32)\n", - " >>> ys_in,ys_out=add_sos_eos(ys_pad, sos_id , eos_id, ignore_id)\n", - " >>> ys_in\n", - " tensor([[10, 1, 2, 3, 4, 5],\n", - " [10, 4, 5, 6, 11, 11],\n", - " [10, 7, 8, 9, 11, 11]])\n", - " >>> ys_out\n", - " tensor([[ 1, 2, 3, 4, 5, 11],\n", - " [ 4, 5, 6, 11, -1, -1],\n", - " [ 7, 8, 9, 11, -1, -1]])\n", - " \"\"\"\n", - " # TODO(Hui Zhang): using comment code, \n", - " #_sos = paddle.to_tensor(\n", - " # [sos], dtype=paddle.long, stop_gradient=True, place=ys_pad.place)\n", - " #_eos = paddle.to_tensor(\n", - " # [eos], dtype=paddle.long, stop_gradient=True, place=ys_pad.place)\n", - " #ys = [y[y != ignore_id] for y in ys_pad] # parse padded ys\n", - " #ys_in = [paddle.cat([_sos, y], dim=0) for y in ys]\n", - " #ys_out = [paddle.cat([y, _eos], dim=0) for y in ys]\n", - " #return pad_sequence(ys_in, padding_value=eos), pad_sequence(ys_out, padding_value=ignore_id)\n", - " B = ys_pad.size(0)\n", - " _sos = paddle.ones([B, 1], dtype=ys_pad.dtype) * sos\n", - " _eos = paddle.ones([B, 1], dtype=ys_pad.dtype) * eos\n", - " ys_in = paddle.cat([_sos, ys_pad], dim=1)\n", - " mask_pad = (ys_in == ignore_id)\n", - " ys_in = ys_in.masked_fill(mask_pad, eos)\n", - " \n", - "\n", - " ys_out = paddle.cat([ys_pad, _eos], dim=1)\n", - " ys_out = ys_out.masked_fill(mask_pad, eos)\n", - " mask_eos = (ys_out == ignore_id)\n", - " ys_out = ys_out.masked_fill(mask_eos, eos)\n", - " ys_out = ys_out.masked_fill(mask_pad, ignore_id)\n", - " return ys_in, ys_out" - ] - }, - { - "cell_type": "code", - "execution_count": 181, - "id": "possible-bulgaria", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[16, 7], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [[4232, 2995, 3116, 1209, 565 , 4232, 4232],\n", - " [4232, 236 , 1176, 331 , 66 , 3925, 4077],\n", - " [4232, 2693, 524 , 234 , 1145, 366 , 4232],\n", - " [4232, 3875, 4211, 3062, 700 , 4232, 4232],\n", - " [4232, 272 , 987 , 1134, 494 , 2959, 4232],\n", - " [4232, 1936, 3715, 120 , 2553, 2695, 2710],\n", - " [4232, 25 , 1149, 3930, 4232, 4232, 4232],\n", - " [4232, 1753, 1778, 1237, 482 , 3925, 110 ],\n", - " [4232, 3703, 2 , 565 , 3827, 4232, 4232],\n", - " [4232, 1150, 2734, 10 , 2478, 3490, 4232],\n", - " [4232, 426 , 811 , 95 , 489 , 144 , 4232],\n", - " [4232, 2313, 2006, 489 , 975 , 4232, 4232],\n", - " [4232, 3702, 3414, 205 , 1488, 2966, 1347],\n", - " [4232, 70 , 1741, 702 , 1666, 4232, 4232],\n", - " [4232, 703 , 1778, 1030, 849 , 4232, 4232],\n", - " [4232, 814 , 1674, 115 , 3827, 4232, 4232]])\n", - "Tensor(shape=[16, 7], dtype=int64, place=CUDAPlace(0), stop_gradient=True,\n", - " [[2995, 3116, 1209, 565, 4232, -1 , -1 ],\n", - " [ 236, 1176, 331, 66 , 3925, 4077, 4232],\n", - " [2693, 524, 234, 1145, 366, 4232, -1 ],\n", - " [3875, 4211, 3062, 700, 4232, -1 , -1 ],\n", - " [ 272, 987, 1134, 494, 2959, 4232, -1 ],\n", - " [1936, 3715, 120, 2553, 2695, 2710, 4232],\n", - " [ 25 , 1149, 3930, 4232, -1 , -1 , -1 ],\n", - " [1753, 1778, 1237, 482, 3925, 110, 4232],\n", - " [3703, 2 , 565, 3827, 4232, -1 , -1 ],\n", - " [1150, 2734, 10 , 2478, 3490, 4232, -1 ],\n", - " [ 426, 811, 95 , 489, 144, 4232, -1 ],\n", - " [2313, 2006, 489, 975, 4232, -1 , -1 ],\n", - " [3702, 3414, 205, 1488, 2966, 1347, 4232],\n", - " [ 70 , 1741, 702, 1666, 4232, -1 , -1 ],\n", - " [ 703, 1778, 1030, 849, 4232, -1 , -1 ],\n", - " [ 814, 1674, 115, 3827, 4232, -1 , -1 ]])\n" - ] - } - ], - "source": [ - "ys_pad = text\n", - "ys_pad_lens = text_len\n", - "ys_in_pad, ys_out_pad = add_sos_eos(ys_pad, model.sos, model.eos,\n", - " model.ignore_id)\n", - "ys_in_lens = ys_pad_lens + 1\n", - "print(ys_in_pad)\n", - "print(ys_out_pad)" - ] - }, - { - "cell_type": "code", - "execution_count": 285, - "id": "north-walter", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "False\n", - "True\n", - "False\n", - "[[-3.76389682e-01 -8.22720408e-01 7.42762923e-01 ... 3.42005253e-01\n", - " 1.50350705e-02 4.03372347e-01]\n", - " [-8.73864174e-01 -3.13894272e-01 4.19878662e-01 ... 3.77237231e-01\n", - " -1.43528014e-01 -1.00236630e+00]\n", - " [-4.35050905e-01 3.45046446e-02 -2.87102997e-01 ... 7.72742853e-02\n", - " -1.16722476e+00 -2.68485069e-01]\n", - " ...\n", - " [ 4.24714804e-01 5.88856399e-01 2.02039629e-02 ... 3.74054879e-01\n", - " 4.54700664e-02 -3.71394157e-01]\n", - " [-3.79784584e-01 -8.10841978e-01 7.57250786e-01 ... 2.60389000e-01\n", - " -7.93404877e-04 4.25376773e-01]\n", - " [-3.82798851e-01 -8.12067091e-01 7.49434292e-01 ... 2.61730075e-01\n", - " -1.04988366e-03 4.26787734e-01]]\n", - "---\n", - "[[-3.7638968e-01 -8.2272053e-01 7.4276292e-01 ... 3.4200522e-01\n", - " 1.5034772e-02 4.0337229e-01]\n", - " [-8.7386459e-01 -3.1389427e-01 4.1987866e-01 ... 3.7723729e-01\n", - " -1.4352810e-01 -1.0023664e+00]\n", - " [-4.3505096e-01 3.4504786e-02 -2.8710306e-01 ... 7.7274129e-02\n", - " -1.1672243e+00 -2.6848501e-01]\n", - " ...\n", - " [ 4.2471480e-01 5.8885634e-01 2.0203922e-02 ... 3.7405500e-01\n", - " 4.5470044e-02 -3.7139410e-01]\n", - " [-3.7978446e-01 -8.1084180e-01 7.5725085e-01 ... 2.6038891e-01\n", - " -7.9347193e-04 4.2537671e-01]\n", - " [-3.8279903e-01 -8.1206715e-01 7.4943429e-01 ... 2.6173013e-01\n", - " -1.0499060e-03 4.2678756e-01]]\n" - ] - } - ], - "source": [ - "decoder_out, _ = model.decoder(encoder_out, encoder_mask, ys_in_pad,\n", - " ys_in_lens)\n", - "\n", - "print(np.allclose(decoder_out.numpy(), torch_decoder_out))\n", - "print(np.allclose(decoder_out.numpy(), torch_decoder_out, atol=1e-6))\n", - "print(np.allclose(decoder_out.numpy(), torch_decoder_out, atol=1e-7))\n", - "print(decoder_out.numpy()[0])\n", - "print('---')\n", - "print(torch_decoder_out[0])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "armed-cowboy", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "fifty-earth", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "proud-commonwealth", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 183, - "id": "assisted-fortune", - "metadata": {}, - "outputs": [], - "source": [ - "from paddle import nn\n", - "import paddle\n", - "from paddle.nn import functional as F\n", - "\n", - "class LabelSmoothingLoss(nn.Layer):\n", - "\n", - " def __init__(self,\n", - " size: int,\n", - " padding_idx: int,\n", - " smoothing: float,\n", - " normalize_length: bool=False):\n", - " super().__init__()\n", - " self.size = size\n", - " self.padding_idx = padding_idx\n", - " self.smoothing = smoothing\n", - " self.confidence = 1.0 - smoothing\n", - " self.normalize_length = normalize_length\n", - " self.criterion = nn.KLDivLoss(reduction=\"none\")\n", - "\n", - " def forward(self, x: paddle.Tensor, target: paddle.Tensor) -> paddle.Tensor:\n", - " \"\"\"Compute loss between x and target.\n", - " The model outputs and data labels tensors are flatten to\n", - " (batch*seqlen, class) shape and a mask is applied to the\n", - " padding part which should not be calculated for loss.\n", - " \n", - " Args:\n", - " x (paddle.Tensor): prediction (batch, seqlen, class)\n", - " target (paddle.Tensor):\n", - " target signal masked with self.padding_id (batch, seqlen)\n", - " Returns:\n", - " loss (paddle.Tensor) : The KL loss, scalar float value\n", - " \"\"\"\n", - " B, T, D = paddle.shape(x)\n", - " assert D == self.size\n", - " x = x.reshape((-1, self.size))\n", - " target = target.reshape([-1])\n", - "\n", - " # use zeros_like instead of torch.no_grad() for true_dist,\n", - " # since no_grad() can not be exported by JIT\n", - " true_dist = paddle.full_like(x, self.smoothing / (self.size - 1))\n", - " ignore = target == self.padding_idx # (B,)\n", - " print(self.smoothing / (self.size - 1))\n", - " print(true_dist)\n", - "\n", - " #target = target * (1 - ignore) # avoid -1 index\n", - " target = target.masked_fill(ignore, 0) # avoid -1 index\n", - " \n", - " \n", - " #true_dist += F.one_hot(target, self.size) * self.confidence\n", - " target_mask = F.one_hot(target, self.size)\n", - " true_dist *= (1 - target_mask)\n", - " true_dist += target_mask * self.confidence\n", - " \n", - "\n", - " kl = self.criterion(F.log_softmax(x, axis=1), true_dist)\n", - " \n", - " #TODO(Hui Zhang): sum not support bool type\n", - " #total = len(target) - int(ignore.sum())\n", - " total = len(target) - int(ignore.type_as(target).sum())\n", - " denom = total if self.normalize_length else B\n", - "\n", - " #numer = (kl * (1 - ignore)).sum()\n", - " numer = kl.masked_fill(ignore.unsqueeze(1), 0).sum()\n", - " return numer / denom\n" - ] - }, - { - "cell_type": "code", - "execution_count": 184, - "id": "weighted-delight", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2.3629489603024576e-05\n", - "Tensor(shape=[112, 4233], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[0.00002363, 0.00002363, 0.00002363, ..., 0.00002363, 0.00002363, 0.00002363],\n", - " [0.00002363, 0.00002363, 0.00002363, ..., 0.00002363, 0.00002363, 0.00002363],\n", - " [0.00002363, 0.00002363, 0.00002363, ..., 0.00002363, 0.00002363, 0.00002363],\n", - " ...,\n", - " [0.00002363, 0.00002363, 0.00002363, ..., 0.00002363, 0.00002363, 0.00002363],\n", - " [0.00002363, 0.00002363, 0.00002363, ..., 0.00002363, 0.00002363, 0.00002363],\n", - " [0.00002363, 0.00002363, 0.00002363, ..., 0.00002363, 0.00002363, 0.00002363]])\n", - "Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [41.84146118])\n", - "VarType.INT64\n" - ] - } - ], - "source": [ - "criteron = LabelSmoothingLoss(4233, -1, 0.1, False)\n", - "loss_att = criteron(paddle.to_tensor(torch_decoder_out), ys_out_pad.astype('int64'))\n", - "print(loss_att)\n", - "print(ys_out_pad.dtype)\n", - "# tensor(41.8416, device='cuda:0', grad_fn=)" - ] - }, - { - "cell_type": "code", - "execution_count": 286, - "id": "dress-shelter", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [41.84146118])\n", - "Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [41.84146118])\n", - "4233\n", - "-1\n", - "0.1\n", - "False\n" - ] - } - ], - "source": [ - "decoder_out, _ = model.decoder(encoder_out, encoder_mask, ys_in_pad,\n", - " ys_in_lens)\n", - "\n", - "loss_att = model.criterion_att(paddle.to_tensor(torch_decoder_out), ys_out_pad)\n", - "print(loss_att)\n", - "\n", - "loss_att = model.criterion_att(decoder_out, ys_out_pad)\n", - "print(loss_att)\n", - "\n", - "print(model.criterion_att.size)\n", - "print(model.criterion_att.padding_idx)\n", - "print(model.criterion_att.smoothing)\n", - "print(model.criterion_att.normalize_length)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "growing-tooth", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "going-hungary", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "naughty-citizenship", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "experimental-emerald", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "adverse-saskatchewan", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 27, - "id": "speaking-shelf", - "metadata": {}, - "outputs": [], - "source": [ - "from typing import List\n", - "from typing import Optional\n", - "from typing import Tuple\n", - "\n", - "import paddle\n", - "from paddle import nn\n", - "from typeguard import check_argument_types\n", - "\n", - "from deepspeech.modules.activation import get_activation\n", - "from deepspeech.modules.attention import MultiHeadedAttention\n", - "from deepspeech.modules.attention import RelPositionMultiHeadedAttention\n", - "from deepspeech.modules.conformer_convolution import ConvolutionModule\n", - "from deepspeech.modules.embedding import PositionalEncoding\n", - "from deepspeech.modules.embedding import RelPositionalEncoding\n", - "from deepspeech.modules.encoder_layer import ConformerEncoderLayer\n", - "from deepspeech.modules.encoder_layer import TransformerEncoderLayer\n", - "from deepspeech.modules.mask import add_optional_chunk_mask\n", - "from deepspeech.modules.mask import make_non_pad_mask\n", - "from deepspeech.modules.positionwise_feed_forward import PositionwiseFeedForward\n", - "from deepspeech.modules.subsampling import Conv2dSubsampling4\n", - "from deepspeech.modules.subsampling import Conv2dSubsampling6\n", - "from deepspeech.modules.subsampling import Conv2dSubsampling8\n", - "from deepspeech.modules.subsampling import LinearNoSubsampling\n", - "\n", - "class BaseEncoder(nn.Layer):\n", - " def __init__(\n", - " self,\n", - " input_size: int,\n", - " output_size: int=256,\n", - " attention_heads: int=4,\n", - " linear_units: int=2048,\n", - " num_blocks: int=6,\n", - " dropout_rate: float=0.1,\n", - " positional_dropout_rate: float=0.1,\n", - " attention_dropout_rate: float=0.0,\n", - " input_layer: str=\"conv2d\",\n", - " pos_enc_layer_type: str=\"abs_pos\",\n", - " normalize_before: bool=True,\n", - " concat_after: bool=False,\n", - " static_chunk_size: int=0,\n", - " use_dynamic_chunk: bool=False,\n", - " global_cmvn: paddle.nn.Layer=None,\n", - " use_dynamic_left_chunk: bool=False, ):\n", - " \"\"\"\n", - " Args:\n", - " input_size (int): input dim, d_feature\n", - " output_size (int): dimension of attention, d_model\n", - " attention_heads (int): the number of heads of multi head attention\n", - " linear_units (int): the hidden units number of position-wise feed\n", - " forward\n", - " num_blocks (int): the number of encoder blocks\n", - " dropout_rate (float): dropout rate\n", - " attention_dropout_rate (float): dropout rate in attention\n", - " positional_dropout_rate (float): dropout rate after adding\n", - " positional encoding\n", - " input_layer (str): input layer type.\n", - " optional [linear, conv2d, conv2d6, conv2d8]\n", - " pos_enc_layer_type (str): Encoder positional encoding layer type.\n", - " opitonal [abs_pos, scaled_abs_pos, rel_pos]\n", - " normalize_before (bool):\n", - " True: use layer_norm before each sub-block of a layer.\n", - " False: use layer_norm after each sub-block of a layer.\n", - " concat_after (bool): whether to concat attention layer's input\n", - " and output.\n", - " True: x -> x + linear(concat(x, att(x)))\n", - " False: x -> x + att(x)\n", - " static_chunk_size (int): chunk size for static chunk training and\n", - " decoding\n", - " use_dynamic_chunk (bool): whether use dynamic chunk size for\n", - " training or not, You can only use fixed chunk(chunk_size > 0)\n", - " or dyanmic chunk size(use_dynamic_chunk = True)\n", - " global_cmvn (Optional[paddle.nn.Layer]): Optional GlobalCMVN layer\n", - " use_dynamic_left_chunk (bool): whether use dynamic left chunk in\n", - " dynamic chunk training\n", - " \"\"\"\n", - " assert check_argument_types()\n", - " super().__init__()\n", - " self._output_size = output_size\n", - "\n", - " if pos_enc_layer_type == \"abs_pos\":\n", - " pos_enc_class = PositionalEncoding\n", - " elif pos_enc_layer_type == \"rel_pos\":\n", - " pos_enc_class = RelPositionalEncoding\n", - " else:\n", - " raise ValueError(\"unknown pos_enc_layer: \" + pos_enc_layer_type)\n", - "\n", - " if input_layer == \"linear\":\n", - " subsampling_class = LinearNoSubsampling\n", - " elif input_layer == \"conv2d\":\n", - " subsampling_class = Conv2dSubsampling4\n", - " elif input_layer == \"conv2d6\":\n", - " subsampling_class = Conv2dSubsampling6\n", - " elif input_layer == \"conv2d8\":\n", - " subsampling_class = Conv2dSubsampling8\n", - " else:\n", - " raise ValueError(\"unknown input_layer: \" + input_layer)\n", - "\n", - " self.global_cmvn = global_cmvn\n", - " self.embed = subsampling_class(\n", - " idim=input_size,\n", - " odim=output_size,\n", - " dropout_rate=dropout_rate,\n", - " pos_enc_class=pos_enc_class(\n", - " d_model=output_size, dropout_rate=positional_dropout_rate), )\n", - "\n", - " self.normalize_before = normalize_before\n", - " self.after_norm = nn.LayerNorm(output_size, epsilon=1e-12)\n", - " self.static_chunk_size = static_chunk_size\n", - " self.use_dynamic_chunk = use_dynamic_chunk\n", - " self.use_dynamic_left_chunk = use_dynamic_left_chunk\n", - "\n", - " def output_size(self) -> int:\n", - " return self._output_size\n", - "\n", - " def forward(\n", - " self,\n", - " xs: paddle.Tensor,\n", - " xs_lens: paddle.Tensor,\n", - " decoding_chunk_size: int=0,\n", - " num_decoding_left_chunks: int=-1,\n", - " ) -> Tuple[paddle.Tensor, paddle.Tensor]:\n", - " \"\"\"Embed positions in tensor.\n", - " Args:\n", - " xs: padded input tensor (B, L, D)\n", - " xs_lens: input length (B)\n", - " decoding_chunk_size: decoding chunk size for dynamic chunk\n", - " 0: default for training, use random dynamic chunk.\n", - " <0: for decoding, use full chunk.\n", - " >0: for decoding, use fixed chunk size as set.\n", - " num_decoding_left_chunks: number of left chunks, this is for decoding,\n", - " the chunk size is decoding_chunk_size.\n", - " >=0: use num_decoding_left_chunks\n", - " <0: use all left chunks\n", - " Returns:\n", - " encoder output tensor, lens and mask\n", - " \"\"\"\n", - " masks = make_non_pad_mask(xs_lens).unsqueeze(1) # (B, 1, L)\n", - "\n", - " if self.global_cmvn is not None:\n", - " xs = self.global_cmvn(xs)\n", - " #TODO(Hui Zhang): self.embed(xs, masks, offset=0), stride_slice not support bool tensor\n", - " xs, pos_emb, masks = self.embed(xs, masks.type_as(xs), offset=0)\n", - " #TODO(Hui Zhang): remove mask.astype, stride_slice not support bool tensor\n", - " masks = masks.astype(paddle.bool)\n", - " #TODO(Hui Zhang): mask_pad = ~masks\n", - " mask_pad = masks.logical_not()\n", - " chunk_masks = add_optional_chunk_mask(\n", - " xs, masks, self.use_dynamic_chunk, self.use_dynamic_left_chunk,\n", - " decoding_chunk_size, self.static_chunk_size,\n", - " num_decoding_left_chunks)\n", - " for layer in self.encoders:\n", - " xs, chunk_masks, _ = layer(xs, chunk_masks, pos_emb, mask_pad)\n", - " if self.normalize_before:\n", - " xs = self.after_norm(xs)\n", - " # Here we assume the mask is not changed in encoder layers, so just\n", - " # return the masks before encoder layers, and the masks will be used\n", - " # for cross attention with decoder later\n", - " return xs, masks" - ] - }, - { - "cell_type": "code", - "execution_count": 28, - "id": "sharp-municipality", - "metadata": {}, - "outputs": [], - "source": [ - "\n", - "class ConformerEncoder(BaseEncoder):\n", - " \"\"\"Conformer encoder module.\"\"\"\n", - "\n", - " def __init__(\n", - " self,\n", - " input_size: int,\n", - " output_size: int=256,\n", - " attention_heads: int=4,\n", - " linear_units: int=2048,\n", - " num_blocks: int=6,\n", - " dropout_rate: float=0.1,\n", - " positional_dropout_rate: float=0.1,\n", - " attention_dropout_rate: float=0.0,\n", - " input_layer: str=\"conv2d\",\n", - " pos_enc_layer_type: str=\"rel_pos\",\n", - " normalize_before: bool=True,\n", - " concat_after: bool=False,\n", - " static_chunk_size: int=0,\n", - " use_dynamic_chunk: bool=False,\n", - " global_cmvn: nn.Layer=None,\n", - " use_dynamic_left_chunk: bool=False,\n", - " positionwise_conv_kernel_size: int=1,\n", - " macaron_style: bool=True,\n", - " selfattention_layer_type: str=\"rel_selfattn\",\n", - " activation_type: str=\"swish\",\n", - " use_cnn_module: bool=True,\n", - " cnn_module_kernel: int=15,\n", - " causal: bool=False,\n", - " cnn_module_norm: str=\"batch_norm\", ):\n", - " \"\"\"Construct ConformerEncoder\n", - " Args:\n", - " input_size to use_dynamic_chunk, see in BaseEncoder\n", - " positionwise_conv_kernel_size (int): Kernel size of positionwise\n", - " conv1d layer.\n", - " macaron_style (bool): Whether to use macaron style for\n", - " positionwise layer.\n", - " selfattention_layer_type (str): Encoder attention layer type,\n", - " the parameter has no effect now, it's just for configure\n", - " compatibility.\n", - " activation_type (str): Encoder activation function type.\n", - " use_cnn_module (bool): Whether to use convolution module.\n", - " cnn_module_kernel (int): Kernel size of convolution module.\n", - " causal (bool): whether to use causal convolution or not.\n", - " cnn_module_norm (str): cnn conv norm type, Optional['batch_norm','layer_norm']\n", - " \"\"\"\n", - " assert check_argument_types()\n", - " super().__init__(input_size, output_size, attention_heads, linear_units,\n", - " num_blocks, dropout_rate, positional_dropout_rate,\n", - " attention_dropout_rate, input_layer,\n", - " pos_enc_layer_type, normalize_before, concat_after,\n", - " static_chunk_size, use_dynamic_chunk, global_cmvn,\n", - " use_dynamic_left_chunk)\n", - " activation = get_activation(activation_type)\n", - "\n", - " # self-attention module definition\n", - " encoder_selfattn_layer = RelPositionMultiHeadedAttention\n", - " encoder_selfattn_layer_args = (attention_heads, output_size,\n", - " attention_dropout_rate)\n", - " # feed-forward module definition\n", - " positionwise_layer = PositionwiseFeedForward\n", - " positionwise_layer_args = (output_size, linear_units, dropout_rate,\n", - " activation)\n", - " # convolution module definition\n", - " convolution_layer = ConvolutionModule\n", - " convolution_layer_args = (output_size, cnn_module_kernel, activation,\n", - " cnn_module_norm, causal)\n", - "\n", - " self.encoders = nn.LayerList([\n", - " ConformerEncoderLayer(\n", - " size=output_size,\n", - " self_attn=encoder_selfattn_layer(*encoder_selfattn_layer_args),\n", - " feed_forward=positionwise_layer(*positionwise_layer_args),\n", - " feed_forward_macaron=positionwise_layer(\n", - " *positionwise_layer_args) if macaron_style else None,\n", - " conv_module=convolution_layer(*convolution_layer_args)\n", - " if use_cnn_module else None,\n", - " dropout_rate=dropout_rate,\n", - " normalize_before=normalize_before,\n", - " concat_after=concat_after) for _ in range(num_blocks)\n", - " ])\n" - ] - }, - { - "cell_type": "code", - "execution_count": 29, - "id": "tutorial-syndication", - "metadata": {}, - "outputs": [], - "source": [ - "from deepspeech.frontend.utility import load_cmvn\n", - "from deepspeech.modules.cmvn import GlobalCMVN\n", - "\n", - "configs=cfg.model\n", - "mean, istd = load_cmvn(configs['cmvn_file'],\n", - " configs['cmvn_file_type'])\n", - "global_cmvn = GlobalCMVN(\n", - " paddle.to_tensor(mean, dtype=paddle.float),\n", - " paddle.to_tensor(istd, dtype=paddle.float))\n", - "\n", - "\n", - "input_dim = configs['input_dim']\n", - "vocab_size = configs['output_dim']\n", - "encoder_type = configs.get('encoder', 'transformer')\n", - " \n", - "encoder = ConformerEncoder(\n", - " input_dim, global_cmvn=global_cmvn, **configs['encoder_conf'])" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "id": "fuzzy-register", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "True\n" - ] - } - ], - "source": [ - "o = global_cmvn(feat)\n", - "o2 = model.encoder.global_cmvn(feat)\n", - "print(np.allclose(o.numpy(), o2.numpy()))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "explicit-triumph", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "humanitarian-belgium", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "dying-proposal", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "honest-quick", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "bound-cholesterol", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "viral-packaging", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 203, - "id": "balanced-locator", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[16, 1, 207], dtype=bool, place=CUDAPlace(0), stop_gradient=True,\n", - " [[[True , True , True , ..., True , True , True ]],\n", - "\n", - " [[True , True , True , ..., True , True , True ]],\n", - "\n", - " [[True , True , True , ..., True , False, False]],\n", - "\n", - " ...,\n", - "\n", - " [[True , True , True , ..., False, False, False]],\n", - "\n", - " [[True , True , True , ..., False, False, False]],\n", - "\n", - " [[True , True , True , ..., False, False, False]]])\n" - ] - } - ], - "source": [ - "from deepspeech.modules.mask import make_non_pad_mask\n", - "from deepspeech.modules.mask import make_pad_mask\n", - "masks = make_non_pad_mask(feat_len).unsqueeze(1)\n", - "print(masks)" - ] - }, - { - "cell_type": "code", - "execution_count": 204, - "id": "induced-proposition", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[16, 207, 80], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[[-0.53697914, -0.19910523, -0.34997201, ..., -0.82427669, -1.02650309, -0.96300691],\n", - " [-0.04464225, 0.23176001, -0.32538742, ..., -0.90158713, -1.03248465, -0.75986791],\n", - " [ 0.50035292, 0.22691160, -0.73052198, ..., -1.00552964, -0.87123060, -1.03062117],\n", - " ...,\n", - " [-0.40023831, -0.14325078, -0.57947433, ..., -1.07178426, -1.28059900, -1.05180073],\n", - " [ 0.15755332, -0.00184949, -0.28702953, ..., -1.10898709, -0.94518697, -0.72506356],\n", - " [-0.47520429, -1.39415145, -0.25754252, ..., -1.13649082, -1.19430351, -1.22903371]],\n", - "\n", - " [[ 0.95454037, 0.36427975, -1.38908529, ..., -1.16366839, -1.28453600, -1.20151031],\n", - " [-0.08573537, -1.05785275, -0.89172721, ..., -0.96440506, -1.12547100, -1.25990939],\n", - " [ 0.47653601, 0.32886592, -0.59200549, ..., -1.19421589, -1.14302588, -1.02422845],\n", - " ...,\n", - " [-0.47431335, -0.33558893, -0.72325647, ..., -1.45058632, -1.39574063, -1.04641151],\n", - " [ 0.36112556, 0.10380996, -1.15994537, ..., -1.04394984, -1.02212358, -1.02083635],\n", - " [-1.27172923, -2.14601755, -0.75676596, ..., -0.97822225, -0.93785471, -1.03707945]],\n", - "\n", - " [[-1.54652190, -1.01517177, -0.88900733, ..., -0.48522446, -0.75163364, -0.67765164],\n", - " [-0.76100892, -0.73351598, -0.91587651, ..., -0.24835993, -0.58927339, -0.73722762],\n", - " [-0.02471367, 0.17015894, -0.42326337, ..., -0.33203802, -0.76695800, -0.71651691],\n", - " ...,\n", - " [-1.70319796, -1.25910866, -1.14492917, ..., -1.18101490, -1.11631835, -0.93108195],\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063],\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063]],\n", - "\n", - " ...,\n", - "\n", - " [[ 0.64982772, 0.26116797, -0.84196597, ..., -0.87213463, -1.10728693, -1.32531130],\n", - " [ 0.35391113, -0.01584581, -0.40424931, ..., -0.99173468, -1.07270539, -1.19239008],\n", - " [ 0.37704495, -0.06278508, -0.11467686, ..., -1.10212946, -1.09524000, -1.11815071],\n", - " ...,\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063],\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063],\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063]],\n", - "\n", - " [[ 0.04445776, -0.17546852, -0.67475224, ..., -0.49801198, -0.56782746, -0.77852231],\n", - " [-1.34279025, -0.80342549, -0.90457231, ..., -0.65901577, -0.72549772, -0.62796098],\n", - " [-0.76252806, -0.13071291, -0.13280024, ..., -0.56132573, -0.60587686, -0.72114766],\n", - " ...,\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063],\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063],\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063]],\n", - "\n", - " [[-1.07980299, -1.08341801, -1.17969072, ..., -0.17757270, -0.43746525, -0.04000654],\n", - " [ 0.92353648, 0.63770926, -0.52810186, ..., -0.12927933, -0.20342292, 0.16655664],\n", - " [ 0.49337494, -0.00911332, -0.73301607, ..., 0.10074048, -0.09811471, -0.00923573],\n", - " ...,\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063],\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063],\n", - " [-6.04343224, -4.93973970, -3.42354989, ..., -3.99492049, -3.98687553, -3.67971063]]])\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "print(xs)" - ] - }, - { - "cell_type": "code", - "execution_count": 205, - "id": "cutting-julian", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[16, 256, 51, 19], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [[[[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0.00209083],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0.01194306, 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0.04610471, 0. ],\n", - " [0. , 0. , 0. , ..., 0.00967231, 0.04613467, 0. ]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " ...,\n", - "\n", - " [[0.22816099, 0.24614786, 0.25304127, ..., 0.20401822, 0.23248228, 0.31190544],\n", - " [0.13587360, 0.28877240, 0.27991283, ..., 0.19210319, 0.20346391, 0.19934426],\n", - " [0.25739068, 0.39348233, 0.27877361, ..., 0.27482539, 0.19302306, 0.23810163],\n", - " ...,\n", - " [0.11939213, 0.28473237, 0.33082074, ..., 0.23838061, 0.22104350, 0.23905794],\n", - " [0.17387670, 0.20402060, 0.40263173, ..., 0.24782266, 0.26742202, 0.15426503],\n", - " [0. , 0.29080707, 0.27725950, ..., 0.17539823, 0.18478745, 0.22483408]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.35446781, 0.38861471, 0.39724261, ..., 0.38680089, 0.33568040, 0.34552398],\n", - " [0.41739127, 0.51038563, 0.41729912, ..., 0.33992639, 0.37081629, 0.35109508],\n", - " [0.36116859, 0.40744874, 0.48490953, ..., 0.34848654, 0.32321057, 0.35188958],\n", - " ...,\n", - " [0.23143977, 0.38021481, 0.51526314, ..., 0.36499465, 0.37411752, 0.39986172],\n", - " [0.34678638, 0.40238205, 0.50076538, ..., 0.36184520, 0.31596646, 0.36334658],\n", - " [0.36498138, 0.37943166, 0.51718897, ..., 0.31798238, 0.33656698, 0.34130475]]],\n", - "\n", - "\n", - " [[[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.01456045, 0.09447514, 0. , ..., 0. , 0. , 0. ],\n", - " [0.01500242, 0.02963220, 0. , ..., 0. , 0. , 0. ],\n", - " [0.03295187, 0. , 0. , ..., 0.04584959, 0.02043908, 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0.04425837],\n", - " [0. , 0. , 0.02556529, ..., 0. , 0.00900441, 0.04908358]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0.11141267, 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " ...,\n", - "\n", - " [[0.33696529, 0.38526866, 0.32900479, ..., 0.28703830, 0.23351061, 0.19004467],\n", - " [0.13575366, 0.35783342, 0.33573425, ..., 0.22081660, 0.15854910, 0.13587447],\n", - " [0.21928655, 0.28900093, 0.28255141, ..., 0.20602837, 0.23927397, 0.21909429],\n", - " ...,\n", - " [0.23291890, 0.39096734, 0.36399242, ..., 0.20598020, 0.25373828, 0.23137446],\n", - " [0.18739152, 0.30793777, 0.30296701, ..., 0.27250600, 0.25191751, 0.20836820],\n", - " [0.22454213, 0.41402060, 0.54082996, ..., 0.31874508, 0.25079906, 0.25938687]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.26456982, 0.49519050, 0.56702250, ..., 0.30954638, 0.35292268, 0.32668519],\n", - " [0.21576807, 0.51833367, 0.49183372, ..., 0.36043224, 0.38523889, 0.36154741],\n", - " [0.20067888, 0.42784205, 0.52817714, ..., 0.31871423, 0.32452232, 0.31036487],\n", - " ...,\n", - " [0.49855131, 0.51001430, 0.52278662, ..., 0.36450142, 0.34338164, 0.33602941],\n", - " [0.41233343, 0.55517823, 0.52827710, ..., 0.40675971, 0.33873138, 0.36724189],\n", - " [0.40820011, 0.46187383, 0.47338152, ..., 0.38690975, 0.36039269, 0.38022059]]],\n", - "\n", - "\n", - " [[[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0. , 0.00578516, 0. , ..., 0.00748384, 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0.03035110, 0. , 0.00026720],\n", - " [0.00094807, 0. , 0. , ..., 0.00795512, 0. , 0. ],\n", - " ...,\n", - " [0.02032628, 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0.01080076, 0. ],\n", - " [0.18470290, 0. , 0. , ..., 0.05058352, 0.09475817, 0.05914564]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " ...,\n", - "\n", - " [[0.38708323, 0.28021947, 0.35892880, ..., 0.16595127, 0.16031364, 0.21136315],\n", - " [0.15595171, 0.30544323, 0.24666184, ..., 0.22675267, 0.25765014, 0.19682154],\n", - " [0.29517862, 0.41209796, 0.20063159, ..., 0.17595036, 0.22536841, 0.22214051],\n", - " ...,\n", - " [0.24744980, 0.26258564, 0.38654143, ..., 0.23620218, 0.23157144, 0.18514194],\n", - " [0.25714791, 0.29592845, 0.47744542, ..., 0.23545510, 0.25072727, 0.20976165],\n", - " [1.20154655, 0.84644288, 0.73385584, ..., 1.02517247, 0.95309550, 1.00134516]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.45013186, 0.47484034, 0.40540054, ..., 0.19346163, 0.17825794, 0.14776605],\n", - " [0.47545874, 0.48186573, 0.36760187, ..., 0.27809089, 0.32997063, 0.32337096],\n", - " [0.46160024, 0.40050328, 0.39060861, ..., 0.36612910, 0.35242686, 0.29738861],\n", - " ...,\n", - " [0.55148494, 0.51017821, 0.40132499, ..., 0.38948193, 0.35737294, 0.33088297],\n", - " [0.41972569, 0.45475486, 0.45320493, ..., 0.38343129, 0.40125814, 0.36180776],\n", - " [0.34279808, 0.31606171, 0.44701228, ..., 0.21665487, 0.23984617, 0.23903391]]],\n", - "\n", - "\n", - " ...,\n", - "\n", - "\n", - " [[[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0.04178291, 0. , 0.01580476, ..., 0. , 0.02250817, 0. ],\n", - " [0.04323414, 0.07786420, 0. , ..., 0.01634724, 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.03209178, 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0.13563479, 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " ...,\n", - "\n", - " [[0. , 0.25187218, 0.24979387, ..., 0.24774717, 0.22354351, 0.19149347],\n", - " [0.16540922, 0.19585510, 0.19812922, ..., 0.27344131, 0.20928150, 0.26150429],\n", - " [0.10494646, 0.06329897, 0.33843631, ..., 0.25138417, 0.12470355, 0.23926635],\n", - " ...,\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163],\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163],\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.11428106, 0.45667490, 0.46820879, ..., 0.32057840, 0.33578536, 0.39012644],\n", - " [0.10441341, 0.45739070, 0.46107352, ..., 0.38467997, 0.38291249, 0.36685589],\n", - " [0.19867736, 0.35519636, 0.44313061, ..., 0.40679252, 0.38067645, 0.30645671],\n", - " ...,\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700],\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700],\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700]]],\n", - "\n", - "\n", - " [[[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.02465414, 0. , 0. , ..., 0. , 0. , 0.03390232],\n", - " [0. , 0. , 0.01830704, ..., 0.05166877, 0.00948385, 0.07453502],\n", - " [0.09921519, 0. , 0.01587192, ..., 0.01620276, 0.05140074, 0.00192392],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " ...,\n", - "\n", - " [[0.40034360, 0.25306445, 0.20217699, ..., 0.09816189, 0.07064310, 0.04974059],\n", - " [0.12567598, 0.21030979, 0.11181555, ..., 0.04278110, 0.11968569, 0.12005232],\n", - " [0.28786880, 0.24030517, 0.22565845, ..., 0. , 0.06418110, 0.05872961],\n", - " ...,\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163],\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163],\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.38404641, 0.30990323, 0.37156230, ..., 0.18125033, 0.15050662, 0.19619957],\n", - " [0.47285745, 0.40528792, 0.39718056, ..., 0.24709940, 0.04565683, 0.11500744],\n", - " [0.32620737, 0.30072594, 0.30477354, ..., 0.23529193, 0.21356541, 0.16985542],\n", - " ...,\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700],\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700],\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700]]],\n", - "\n", - "\n", - " [[[0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.03343770, 0.00123780, 0.05297198, ..., 0.07271163, 0.08656286, 0.14493589],\n", - " [0.11043239, 0.06143146, 0.06362963, ..., 0.08127750, 0.06259022, 0.08315435],\n", - " [0.01767678, 0.00201111, 0.07875030, ..., 0.06963293, 0.08979890, 0.05326346],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.10033827, 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0.15627117, 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0.05144687, 0. , 0. , ..., 0. , 0. , 0.00436414],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " ...,\n", - "\n", - " [[0.25142455, 0.45964020, 0.37346074, ..., 0.04763087, 0. , 0. ],\n", - " [0.19760093, 0.26626948, 0.11190540, ..., 0.03044968, 0. , 0. ],\n", - " [0.16340607, 0.32938001, 0.25689697, ..., 0.05569421, 0. , 0. ],\n", - " ...,\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163],\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163],\n", - " [1.12572610, 0.87340784, 0.78169060, ..., 1.04576325, 1.00935984, 1.02209163]],\n", - "\n", - " [[0. , 0. , 0. , ..., 0. , 0.02218930, 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0.02848953],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " ...,\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ],\n", - " [0. , 0. , 0. , ..., 0. , 0. , 0. ]],\n", - "\n", - " [[0.25810039, 0.63016868, 0.37037861, ..., 0.18704373, 0.08269356, 0.09912672],\n", - " [0.17292863, 0.50678611, 0.40738991, ..., 0.16006103, 0.11725381, 0.09940521],\n", - " [0.24175072, 0.41616210, 0.41256818, ..., 0.13519743, 0.07912572, 0.12846369],\n", - " ...,\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700],\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700],\n", - " [1.44883108, 1.02119160, 0.94472742, ..., 1.23630035, 1.21888959, 1.23804700]]]])\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "masks = make_non_pad_mask(feat_len).unsqueeze(1)\n", - "\n", - "\n", - "#xs, pos_emb, masks = model.encoder.embed(xs, masks.type_as(xs), offset=0)\n", - "# print(xs)\n", - "\n", - "x = xs.unsqueeze(1)\n", - "x = model.encoder.embed.conv(x)\n", - "print(x)" - ] - }, - { - "cell_type": "code", - "execution_count": 206, - "id": "friendly-nightlife", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[16, 51, 256], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [[[-0.03426375, 0.14291267, -0.06718873, ..., 0.09064753, 0.01809387, -0.04340880],\n", - " [-0.05007839, 0.11054724, -0.10399298, ..., 0.11457238, 0.04244684, -0.01249714],\n", - " [-0.10695291, 0.16910909, -0.08352133, ..., 0.07710276, 0.01168563, -0.03584499],\n", - " ...,\n", - " [-0.06060536, 0.14455931, -0.05470302, ..., 0.05364908, 0.03033342, -0.02610814],\n", - " [-0.08505894, 0.13611752, -0.11132983, ..., 0.13079923, 0.01580139, -0.02281028],\n", - " [-0.10604677, 0.14714901, -0.10885533, ..., 0.08543444, 0.03719445, -0.04634233]],\n", - "\n", - " [[-0.12392755, 0.14486063, -0.05674079, ..., 0.02573164, 0.03128851, 0.00545091],\n", - " [-0.04775286, 0.08473608, -0.08507854, ..., 0.04573154, 0.04240163, 0.01053247],\n", - " [-0.05940291, 0.10023535, -0.08143730, ..., 0.03596500, 0.01673085, 0.02089563],\n", - " ...,\n", - " [-0.09222981, 0.15823206, -0.07700447, ..., 0.08122957, 0.03136991, -0.00646474],\n", - " [-0.07331756, 0.14482647, -0.07838815, ..., 0.10869440, 0.01356864, -0.02777974],\n", - " [-0.07937264, 0.20143102, -0.05544947, ..., 0.10287814, 0.00608235, -0.04799180]],\n", - "\n", - " [[-0.03670349, 0.08931590, -0.08718812, ..., 0.01314050, 0.00642052, 0.00573716],\n", - " [ 0.01089254, 0.11146393, -0.10263617, ..., 0.05070438, 0.01960694, 0.03521532],\n", - " [-0.02182280, 0.11443964, -0.06678198, ..., 0.04327708, 0.00861394, 0.02871092],\n", - " ...,\n", - " [-0.06792898, 0.14376275, -0.07899005, ..., 0.11248926, 0.03208683, -0.03264240],\n", - " [-0.07884051, 0.17024788, -0.08583611, ..., 0.09028331, 0.03588808, -0.02075090],\n", - " [-0.13792302, 0.27163863, -0.23930418, ..., 0.13391261, 0.07521040, -0.08621951]],\n", - "\n", - " ...,\n", - "\n", - " [[-0.02446348, 0.11595841, -0.03591986, ..., 0.06288970, 0.02895011, -0.06532725],\n", - " [-0.05378424, 0.12607370, -0.09023033, ..., 0.09078894, 0.01035743, 0.03701983],\n", - " [-0.04566649, 0.14275314, -0.06686870, ..., 0.09890588, -0.00612222, 0.03439377],\n", - " ...,\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698],\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698],\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698]],\n", - "\n", - " [[-0.01012144, 0.03909408, -0.07077143, ..., 0.00452683, -0.01377654, 0.02897627],\n", - " [-0.00519154, 0.03594019, -0.06831125, ..., 0.05693541, -0.00406374, 0.04561640],\n", - " [-0.01762631, 0.00500899, -0.05886075, ..., 0.02112178, -0.00729015, 0.02782153],\n", - " ...,\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698],\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698],\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698]],\n", - "\n", - " [[-0.03411558, -0.04318277, -0.08497842, ..., -0.04886402, 0.04296734, 0.06151697],\n", - " [ 0.00263296, -0.06913657, -0.08993219, ..., -0.00149064, 0.05696633, 0.03304394],\n", - " [-0.01818341, -0.01178640, -0.09679577, ..., -0.00870231, 0.00362198, 0.01916483],\n", - " ...,\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698],\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698],\n", - " [-0.31763062, 0.53700209, -0.26335421, ..., 0.39182857, 0.00337184, -0.18293698]]])\n", - "Tensor(shape=[16, 51, 256], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [[[-0.54821998, 2.28660274, -1.07501972, ..., 1.45036042, 0.28950194, -0.69454080],\n", - " [-0.80125421, 1.76875579, -1.66388774, ..., 1.83315802, 0.67914939, -0.19995420],\n", - " [-1.71124649, 2.70574546, -1.33634126, ..., 1.23364413, 0.18697014, -0.57351983],\n", - " ...,\n", - " [-0.96968573, 2.31294894, -0.87524825, ..., 0.85838526, 0.48533469, -0.41773027],\n", - " [-1.36094308, 2.17788029, -1.78127730, ..., 2.09278774, 0.25282228, -0.36496443],\n", - " [-1.69674826, 2.35438418, -1.74168527, ..., 1.36695099, 0.59511113, -0.74147725]],\n", - "\n", - " [[-1.98284078, 2.31777000, -0.90785271, ..., 0.41170627, 0.50061619, 0.08721463],\n", - " [-0.76404583, 1.35577726, -1.36125672, ..., 0.73170459, 0.67842603, 0.16851945],\n", - " [-0.95044655, 1.60376561, -1.30299675, ..., 0.57544005, 0.26769355, 0.33433008],\n", - " ...,\n", - " [-1.47567701, 2.53171301, -1.23207152, ..., 1.29967308, 0.50191855, -0.10343577],\n", - " [-1.17308092, 2.31722355, -1.25421047, ..., 1.73911047, 0.21709818, -0.44447583],\n", - " [-1.26996231, 3.22289634, -0.88719147, ..., 1.64605021, 0.09731755, -0.76786882]],\n", - "\n", - " [[-0.58725590, 1.42905438, -1.39500988, ..., 0.21024795, 0.10272825, 0.09179455],\n", - " [ 0.17428070, 1.78342295, -1.64217877, ..., 0.81127012, 0.31371105, 0.56344515],\n", - " [-0.34916472, 1.83103430, -1.06851172, ..., 0.69243336, 0.13782299, 0.45937473],\n", - " ...,\n", - " [-1.08686376, 2.30020404, -1.26384079, ..., 1.79982817, 0.51338923, -0.52227837],\n", - " [-1.26144814, 2.72396612, -1.37337780, ..., 1.44453299, 0.57420933, -0.33201432],\n", - " [-2.20676827, 4.34621811, -3.82886696, ..., 2.14260173, 1.20336640, -1.37951219]],\n", - "\n", - " ...,\n", - "\n", - " [[-0.39141566, 1.85533464, -0.57471782, ..., 1.00623512, 0.46320182, -1.04523599],\n", - " [-0.86054784, 2.01717925, -1.44368529, ..., 1.45262301, 0.16571884, 0.59231722],\n", - " [-0.73066384, 2.28405023, -1.06989920, ..., 1.58249414, -0.09795550, 0.55030036],\n", - " ...,\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170],\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170],\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170]],\n", - "\n", - " [[-0.16194311, 0.62550521, -1.13234293, ..., 0.07242929, -0.22042468, 0.46362036],\n", - " [-0.08306468, 0.57504302, -1.09298003, ..., 0.91096652, -0.06501988, 0.72986233],\n", - " [-0.28202093, 0.08014385, -0.94177192, ..., 0.33794850, -0.11664233, 0.44514441],\n", - " ...,\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170],\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170],\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170]],\n", - "\n", - " [[-0.54584920, -0.69092435, -1.35965478, ..., -0.78182435, 0.68747747, 0.98427159],\n", - " [ 0.04212743, -1.10618520, -1.43891501, ..., -0.02385022, 0.91146135, 0.52870303],\n", - " [-0.29093450, -0.18858244, -1.54873240, ..., -0.13923697, 0.05795169, 0.30663735],\n", - " ...,\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170],\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170],\n", - " [-5.08208990, 8.59203339, -4.21366739, ..., 6.26925707, 0.05394945, -2.92699170]]])\n", - "Tensor(shape=[1, 51, 256], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[[ 0. , 1. , 0. , ..., 1. , 0. , 1. ],\n", - " [ 0.84147102, 0.54030228, 0.80196184, ..., 1. , 0.00010746, 1. ],\n", - " [ 0.90929747, -0.41614681, 0.95814437, ..., 1. , 0.00021492, 1. ],\n", - " ...,\n", - " [-0.76825470, -0.64014435, 0.63279730, ..., 0.99998462, 0.00515809, 0.99998671],\n", - " [-0.95375264, 0.30059254, 0.99899054, ..., 0.99998397, 0.00526555, 0.99998611],\n", - " [-0.26237485, 0.96496606, 0.56074661, ..., 0.99998331, 0.00537301, 0.99998558]]])\n" - ] - } - ], - "source": [ - "b, c, t, f = paddle.shape(x)\n", - "x = model.encoder.embed.out(x.transpose([0, 2, 1, 3]).reshape([b, t, c * f]))\n", - "print(x)\n", - "x, pos_emb = model.encoder.embed.pos_enc(x, 0)\n", - "print(x)\n", - "print(pos_emb)" - ] - }, - { - "cell_type": "code", - "execution_count": 207, - "id": "guilty-cache", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Tensor(shape=[1, 51, 256], dtype=float32, place=CUDAPlace(0), stop_gradient=True,\n", - " [[[ 0. , 1. , 0. , ..., 1. , 0. , 1. ],\n", - " [ 0.84147102, 0.54030228, 0.80196184, ..., 1. , 0.00010746, 1. ],\n", - " [ 0.90929747, -0.41614681, 0.95814437, ..., 1. , 0.00021492, 1. ],\n", - " ...,\n", - " [-0.76825470, -0.64014435, 0.63279730, ..., 0.99998462, 0.00515809, 0.99998671],\n", - " [-0.95375264, 0.30059254, 0.99899054, ..., 0.99998397, 0.00526555, 0.99998611],\n", - " [-0.26237485, 0.96496606, 0.56074661, ..., 0.99998331, 0.00537301, 0.99998558]]])\n" - ] - } - ], - "source": [ - "print(pos_emb)" - ] - }, - { - "cell_type": "code", - "execution_count": 208, - "id": "iraqi-payday", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[[ 0.0000000e+00 1.0000000e+00 0.0000000e+00 ... 1.0000000e+00\n", - " 0.0000000e+00 1.0000000e+00]\n", - " [ 8.4147096e-01 5.4030234e-01 8.0196178e-01 ... 1.0000000e+00\n", - " 1.0746076e-04 1.0000000e+00]\n", - " [ 9.0929741e-01 -4.1614684e-01 9.5814437e-01 ... 1.0000000e+00\n", - " 2.1492151e-04 1.0000000e+00]\n", - " ...\n", - " [ 9.5625257e-01 -2.9254240e-01 4.8925215e-01 ... 8.3807874e-01\n", - " 5.1154459e-01 8.5925674e-01]\n", - " [ 2.7049953e-01 -9.6272010e-01 9.9170387e-01 ... 8.3801574e-01\n", - " 5.1163691e-01 8.5920173e-01]\n", - " [-6.6394955e-01 -7.4777740e-01 6.9544029e-01 ... 8.3795273e-01\n", - " 5.1172924e-01 8.5914677e-01]]]\n", - "[1, 5000, 256]\n" - ] - } - ], - "source": [ - "import torch\n", - "import math\n", - "import numpy as np\n", - "\n", - "max_len=5000\n", - "d_model=256\n", - "\n", - "pe = torch.zeros(max_len, d_model)\n", - "position = torch.arange(0, max_len,\n", - " dtype=torch.float32).unsqueeze(1)\n", - "toruch_position = position\n", - "div_term = torch.exp(\n", - " torch.arange(0, d_model, 2, dtype=torch.float32) *\n", - " -(math.log(10000.0) / d_model))\n", - "tourch_div_term = div_term.cpu().detach().numpy()\n", - "\n", - "torhc_sin = torch.sin(position * div_term)\n", - "torhc_cos = torch.cos(position * div_term)\n", - "\n", - "np_sin = np.sin((position * div_term).cpu().detach().numpy())\n", - "np_cos = np.cos((position * div_term).cpu().detach().numpy())\n", - "pe[:, 0::2] = torhc_sin\n", - "pe[:, 1::2] = torhc_cos\n", - "pe = pe.unsqueeze(0) \n", - "tourch_pe = pe.cpu().detach().numpy()\n", - "print(tourch_pe)\n", - "bak_pe = model.encoder.embed.pos_enc.pe\n", - "print(bak_pe.shape)\n", - "model.encoder.embed.pos_enc.pe = paddle.to_tensor(tourch_pe)" - ] - }, - { - "cell_type": "code", - "execution_count": 210, - "id": "exempt-cloud", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "True\n", - "True\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "masks = make_non_pad_mask(feat_len).unsqueeze(1)\n", - "\n", - "xs, pos_emb, masks = model.encoder.embed(xs, masks.type_as(xs), offset=0)\n", - "#print(xs)\n", - "data = np.load(\".notebook/enc_embed.npz\")\n", - "torch_pos_emb=data['pos_emb']\n", - "torch_xs = data['embed_out']\n", - "print(np.allclose(xs.numpy(), torch_xs))\n", - "print(np.allclose(pos_emb.numpy(), torch_pos_emb))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "composite-involvement", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 269, - "id": "handed-harris", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "True\n", - "True\n", - "True\n", - "True\n", - "True\n", - "True\n", - "True\n", - "False\n", - "True\n", - "[256, 2048]\n", - "[2048]\n", - "[2048, 256]\n", - "[256]\n", - "--------ff-------\n", - "True\n", - "False\n", - "False\n", - "False\n", - "False\n", - "True\n", - "linear_714.w_0 True\n", - "linear_714.b_0 True\n", - "linear_715.w_0 True\n", - "linear_715.b_0 True\n", - "False\n", - "True\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "masks = make_non_pad_mask(feat_len).unsqueeze(1)\n", - "\n", - "xs, pos_emb, masks = model.encoder.embed(xs, masks.type_as(xs), offset=0)\n", - "masks = masks.astype(paddle.bool)\n", - "mask_pad = masks.logical_not()\n", - "decoding_chunk_size=0\n", - "num_decoding_left_chunks=-1\n", - "chunk_masks = add_optional_chunk_mask(\n", - " xs, masks, model.encoder.use_dynamic_chunk, model.encoder.use_dynamic_left_chunk,\n", - " decoding_chunk_size, model.encoder.static_chunk_size,\n", - " num_decoding_left_chunks)\n", - "\n", - "#print(chunk_masks)\n", - "data = np.load(\".notebook/enc_embed.npz\")\n", - "torch_pos_emb=data['pos_emb']\n", - "torch_xs = data['embed_out']\n", - "torch_chunk_masks = data['chunk_masks']\n", - "torch_mask_pad = data['mask_pad']\n", - "print(np.allclose(xs.numpy(), torch_xs))\n", - "print(np.allclose(pos_emb.numpy(), torch_pos_emb))\n", - "np.testing.assert_equal(chunk_masks.numpy(), torch_chunk_masks)\n", - "np.testing.assert_equal(mask_pad.numpy(), ~torch_mask_pad)\n", - "\n", - "for layer in model.encoder.encoders:\n", - " #xs, chunk_masks, _ = layer(xs, chunk_masks, pos_emb, mask_pad)\n", - " print(layer.feed_forward_macaron is not None)\n", - " print(layer.normalize_before)\n", - " \n", - " data = np.load('.notebook/enc_0_norm_ff.npz')\n", - " t_norm_ff = data['norm_ff']\n", - " t_xs = data['xs']\n", - " \n", - " \n", - " x = xs\n", - " print(np.allclose(t_xs, x.numpy()))\n", - " residual = x\n", - " print(np.allclose(t_xs, residual.numpy()))\n", - " x_nrom = layer.norm_ff_macaron(x)\n", - " print(np.allclose(t.numpy(), x_nrom.numpy()))\n", - " print(np.allclose(t_norm_ff, x_nrom.numpy()))\n", - "# for n, p in layer.norm_ff_macaron.state_dict().items():\n", - "# print(n, p)\n", - "# pass\n", - "\n", - " layer.eval()\n", - " x_nrom = paddle.to_tensor(t_norm_ff)\n", - " print(np.allclose(t_norm_ff, x_nrom.numpy()))\n", - " x = residual + layer.ff_scale * layer.feed_forward_macaron(x_nrom)\n", - " \n", - " ps=[]\n", - " for n, p in layer.feed_forward_macaron.state_dict().items():\n", - " #print(n, p)\n", - " ps.append(p)\n", - " print(p.shape)\n", - " pass\n", - "\n", - " x_nrom = paddle.to_tensor(t_norm_ff)\n", - " ff_l_x = layer.feed_forward_macaron.w_1(x_nrom)\n", - " ff_l_a_x = layer.feed_forward_macaron.activation(ff_l_x)\n", - " ff_l_a_l_x = layer.feed_forward_macaron.w_2(ff_l_a_x)\n", - " data = np.load('.notebook/enc_0_ff_out.npz', allow_pickle=True)\n", - " t_norm_ff = data['norm_ff']\n", - " t_ff_out = data['ff_out']\n", - " t_ff_l_x = data['ff_l_x']\n", - " t_ff_l_a_x = data['ff_l_a_x']\n", - " t_ff_l_a_l_x = data['ff_l_a_l_x']\n", - " t_ps = data['ps']\n", - " \n", - " print(\"--------ff-------\")\n", - " print(np.allclose(x_nrom.numpy(), t_norm_ff))\n", - " print(np.allclose(x.numpy(), t_ff_out))\n", - " print(np.allclose(ff_l_x.numpy(), t_ff_l_x))\n", - " print(np.allclose(ff_l_a_x.numpy(), t_ff_l_a_x))\n", - " print(np.allclose(ff_l_a_l_x.numpy(), t_ff_l_a_l_x))\n", - " \n", - " print(np.allclose(ff_l_x.numpy(), t_ff_l_x, atol=1e-6))\n", - " for p, t_p in zip(ps, t_ps):\n", - " print(p.name, np.allclose(p.numpy(), t_p.T))\n", - " \n", - " \n", - "# residual = x\n", - "# x = layer.norm_mha(x)\n", - "# x_q = x\n", - " \n", - " data = np.load('.notebook/enc_0_selattn_out.npz', allow_pickle=True)\n", - " tx_q = data['x_q']\n", - " tx = data['x']\n", - " tpos_emb=data['pos_emb']\n", - " tmask=data['mask']\n", - " tt_x_att=data['x_att']\n", - " x_q = paddle.to_tensor(tx_q)\n", - " x = paddle.to_tensor(tx)\n", - " pos_emb = paddle.to_tensor(tpos_emb)\n", - " mask = paddle.to_tensor(tmask)\n", - " \n", - " x_att = layer.self_attn(x_q, x, x, pos_emb, mask)\n", - " print(np.allclose(x_att.numpy(), t_x_att))\n", - " print(np.allclose(x_att.numpy(), t_x_att, atol=1e-6))\n", - " \n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 270, - "id": "sonic-thumb", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "True\n", - "True\n", - "False\n", - "True\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "masks = make_non_pad_mask(feat_len).unsqueeze(1)\n", - "\n", - "xs, pos_emb, masks = model.encoder.embed(xs, masks.type_as(xs), offset=0)\n", - "masks = masks.astype(paddle.bool)\n", - "mask_pad = masks.logical_not()\n", - "decoding_chunk_size=0\n", - "num_decoding_left_chunks=-1\n", - "chunk_masks = add_optional_chunk_mask(\n", - " xs, masks, model.encoder.use_dynamic_chunk, model.encoder.use_dynamic_left_chunk,\n", - " decoding_chunk_size, model.encoder.static_chunk_size,\n", - " num_decoding_left_chunks)\n", - "\n", - "#print(chunk_masks)\n", - "data = np.load(\".notebook/enc_embed.npz\")\n", - "torch_pos_emb=data['pos_emb']\n", - "torch_xs = data['embed_out']\n", - "torch_chunk_masks = data['chunk_masks']\n", - "torch_mask_pad = data['mask_pad']\n", - "print(np.allclose(xs.numpy(), torch_xs))\n", - "print(np.allclose(pos_emb.numpy(), torch_pos_emb))\n", - "np.testing.assert_equal(chunk_masks.numpy(), torch_chunk_masks)\n", - "np.testing.assert_equal(mask_pad.numpy(), ~torch_mask_pad)\n", - "\n", - "\n", - "for layer in model.encoder.encoders:\n", - " xs, chunk_masks, _ = layer(xs, chunk_masks, pos_emb, mask_pad)\n", - " break\n", - "data = np.load('.notebook/enc_0.npz')\n", - "torch_xs = data['enc_0']\n", - "print(np.allclose(xs.numpy(), torch_xs))\n", - "print(np.allclose(xs.numpy(), torch_xs, atol=1e-6))\n" - ] - }, - { - "cell_type": "code", - "execution_count": 273, - "id": "brave-latino", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "True\n", - "True\n", - "--------layers_______\n", - "False\n", - "True\n", - "[[-0.70194244 0.56254214 0.6880346 ... 1.1237319 0.7803924\n", - " 1.1369387 ]\n", - " [-0.7787783 0.3912667 0.71887773 ... 1.251882 0.886168\n", - " 1.3173451 ]\n", - " [-0.95908964 0.6346029 0.87671334 ... 0.98183745 0.7440111\n", - " 1.2903278 ]\n", - " ...\n", - " [-1.0732255 0.67236906 0.92303115 ... 0.9075458 0.8176712\n", - " 1.3239655 ]\n", - " [-1.1654118 0.6819967 0.6939453 ... 1.2238353 0.8028295\n", - " 1.4506507 ]\n", - " [-1.2732092 0.7145806 0.75819594 ... 0.94154835 0.8774845\n", - " 1.2623049 ]]\n", - "xxxxxx\n", - "[[-0.7019424 0.56254166 0.6880345 ... 1.1237322 0.78039217\n", - " 1.1369387 ]\n", - " [-0.778778 0.39126638 0.7188779 ... 1.2518823 0.8861681\n", - " 1.3173454 ]\n", - " [-0.9590891 0.6346026 0.87671363 ... 0.9818373 0.74401116\n", - " 1.2903274 ]\n", - " ...\n", - " [-1.0732253 0.6723689 0.9230311 ... 0.9075457 0.8176713\n", - " 1.3239657 ]\n", - " [-1.165412 0.6819976 0.69394535 ... 1.2238353 0.80282927\n", - " 1.4506509 ]\n", - " [-1.273209 0.71458095 0.75819623 ... 0.9415484 0.8774842\n", - " 1.2623055 ]]\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "masks = make_non_pad_mask(feat_len).unsqueeze(1)\n", - "\n", - "xs, pos_emb, masks = model.encoder.embed(xs, masks.type_as(xs), offset=0)\n", - "masks = masks.astype(paddle.bool)\n", - "mask_pad = masks.logical_not()\n", - "decoding_chunk_size=0\n", - "num_decoding_left_chunks=-1\n", - "chunk_masks = add_optional_chunk_mask(\n", - " xs, masks, model.encoder.use_dynamic_chunk, model.encoder.use_dynamic_left_chunk,\n", - " decoding_chunk_size, model.encoder.static_chunk_size,\n", - " num_decoding_left_chunks)\n", - "\n", - "#print(chunk_masks)\n", - "data = np.load(\".notebook/enc_embed.npz\")\n", - "torch_pos_emb=data['pos_emb']\n", - "torch_xs = data['embed_out']\n", - "torch_chunk_masks = data['chunk_masks']\n", - "torch_mask_pad = data['mask_pad']\n", - "print(np.allclose(xs.numpy(), torch_xs))\n", - "print(np.allclose(pos_emb.numpy(), torch_pos_emb))\n", - "np.testing.assert_equal(chunk_masks.numpy(), torch_chunk_masks)\n", - "np.testing.assert_equal(mask_pad.numpy(), ~torch_mask_pad)\n", - "\n", - "print(\"--------layers_______\")\n", - "i =0\n", - "for layer in model.encoder.encoders:\n", - " xs, chunk_masks, _ = layer(xs, chunk_masks, pos_emb, mask_pad)\n", - " i+=1\n", - "# if i == 2:\n", - "# data = np.load('.notebook/enc_2.npz')\n", - "# torch_xs = data['enc_2']\n", - "# print(np.allclose(xs.numpy(), torch_xs))\n", - "# print(np.allclose(xs.numpy(), torch_xs, atol=1e-5))\n", - "# print(xs[0].numpy())\n", - "# print('xxxxxx')\n", - "# print(torch_xs[0])\n", - "# print('----i==2')\n", - "data = np.load('.notebook/enc_all.npz')\n", - "torch_xs = data['enc_all']\n", - "print(np.allclose(xs.numpy(), torch_xs))\n", - "print(np.allclose(xs.numpy(), torch_xs, atol=1e-5))\n", - "print(xs[0].numpy())\n", - "print('xxxxxx')\n", - "print(torch_xs[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 64, - "id": "municipal-stock", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 278, - "id": "macro-season", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[-0.7019424 0.5625421 0.68803453 ... 1.1237317 0.7803923\n", - " 1.1369386 ]\n", - " [-0.7787783 0.39126673 0.71887773 ... 1.251882 0.886168\n", - " 1.3173451 ]\n", - " [-0.95908964 0.6346029 0.87671334 ... 0.98183745 0.7440111\n", - " 1.2903278 ]\n", - " ...\n", - " [-1.0732255 0.67236906 0.92303115 ... 0.9075458 0.8176712\n", - " 1.3239655 ]\n", - " [-1.1654117 0.68199664 0.6939452 ... 1.2238352 0.8028294\n", - " 1.4506506 ]\n", - " [-1.2732091 0.71458054 0.7581958 ... 0.9415482 0.8774844\n", - " 1.2623048 ]]\n", - "---\n", - "[[-0.7019424 0.56254166 0.6880345 ... 1.1237322 0.78039217\n", - " 1.1369387 ]\n", - " [-0.778778 0.39126638 0.7188779 ... 1.2518823 0.8861681\n", - " 1.3173454 ]\n", - " [-0.9590891 0.6346026 0.87671363 ... 0.9818373 0.74401116\n", - " 1.2903274 ]\n", - " ...\n", - " [-1.0732253 0.6723689 0.9230311 ... 0.9075457 0.8176713\n", - " 1.3239657 ]\n", - " [-1.165412 0.6819976 0.69394535 ... 1.2238353 0.80282927\n", - " 1.4506509 ]\n", - " [-1.2732087 0.71458083 0.7581961 ... 0.9415482 0.877484\n", - " 1.2623053 ]]\n", - "False\n", - "True\n", - "False\n" - ] - } - ], - "source": [ - "encoder_out, mask = model.encoder(feat, feat_len)\n", - "print(encoder_out.numpy()[0])\n", - "print(\"---\")\n", - "print(torch_encoder_out[0])\n", - "print(np.allclose(torch_encoder_out, encoder_out.numpy()))\n", - "print(np.allclose(torch_encoder_out, encoder_out.numpy(), atol=1e-5))\n", - "print(np.allclose(torch_encoder_out, encoder_out.numpy(), atol=1e-6))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "associate-sampling", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/u2_tansformer_model_espnet.ipynb b/.notebook/u2_tansformer_model_espnet.ipynb deleted file mode 100644 index 75c2ea5c6..000000000 --- a/.notebook/u2_tansformer_model_espnet.ipynb +++ /dev/null @@ -1,1672 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "choice-grade", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x\n" - ] - }, - { - "data": { - "text/plain": [ - "'/workspace/DeepSpeech-2.x'" - ] - }, - "execution_count": 1, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "%cd ..\n", - "%pwd" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "broke-broad", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:26: 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.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " def convert_to_list(value, n, name, dtype=np.int):\n", - "register user softmax to paddle, remove this when fixed!\n", - "register user log_softmax to paddle, remove this when fixed!\n", - "register user sigmoid to paddle, remove this when fixed!\n", - "register user log_sigmoid to paddle, remove this when fixed!\n", - "register user relu to paddle, remove this when fixed!\n", - "override cat of paddle if exists or register, remove this when fixed!\n", - "override item of paddle.Tensor if exists or register, remove this when fixed!\n", - "override long of paddle.Tensor if exists or register, remove this when fixed!\n", - "override new_full of paddle.Tensor if exists or register, remove this when fixed!\n", - "override eq of paddle.Tensor if exists or register, remove this when fixed!\n", - "override eq of paddle if exists or register, remove this when fixed!\n", - "override contiguous of paddle.Tensor if exists or register, remove this when fixed!\n", - "override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed!\n", - "register user view to paddle.Tensor, remove this when fixed!\n", - "register user view_as to paddle.Tensor, remove this when fixed!\n", - "register user masked_fill to paddle.Tensor, remove this when fixed!\n", - "register user masked_fill_ to paddle.Tensor, remove this when fixed!\n", - "register user fill_ to paddle.Tensor, remove this when fixed!\n", - "register user repeat to paddle.Tensor, remove this when fixed!\n", - "register user softmax to paddle.Tensor, remove this when fixed!\n", - "register user sigmoid to paddle.Tensor, remove this when fixed!\n", - "register user relu to paddle.Tensor, remove this when fixed!\n", - "register user type_as to paddle.Tensor, remove this when fixed!\n", - "register user to to paddle.Tensor, remove this when fixed!\n", - "register user float to paddle.Tensor, remove this when fixed!\n", - "register user tolist to paddle.Tensor, remove this when fixed!\n", - "register user glu to paddle.nn.functional, remove this when fixed!\n", - "override ctc_loss of paddle.nn.functional if exists, remove this when fixed!\n", - "register user Module to paddle.nn, remove this when fixed!\n", - "register user ModuleList to paddle.nn, remove this when fixed!\n", - "register user GLU to paddle.nn, remove this when fixed!\n", - "register user ConstantPad2d to paddle.nn, remove this when fixed!\n", - "register user export to paddle.jit, remove this when fixed!\n" - ] - } - ], - "source": [ - "import numpy as np\n", - "import paddle\n", - "from yacs.config import CfgNode as CN\n", - "\n", - "from deepspeech.models.u2 import U2Model\n", - "from deepspeech.utils.layer_tools import print_params\n", - "from deepspeech.utils.layer_tools import summary" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "permanent-summary", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n", - "[INFO 2021/05/31 03:23:22 u2.py:839] U2 Encoder type: transformer\n", - "[INFO 2021/05/31 03:23:22 u2.py:840] attention_dropout_rate: 0.0\n", - "attention_heads: 4\n", - "dropout_rate: 0.1\n", - "input_layer: conv2d\n", - "linear_units: 2048\n", - "normalize_before: True\n", - "num_blocks: 12\n", - "output_size: 256\n", - "positional_dropout_rate: 0.1\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "encoder.embed.conv.0.weight | [256, 1, 3, 3] | 2304 | True\n", - "encoder.embed.conv.0.bias | [256] | 256 | True\n", - "encoder.embed.conv.2.weight | [256, 256, 3, 3] | 589824 | True\n", - "encoder.embed.conv.2.bias | [256] | 256 | True\n", - "encoder.embed.out.0.weight | [5120, 256] | 1310720 | True\n", - "encoder.embed.out.0.bias | [256] | 256 | True\n", - "encoder.after_norm.weight | [256] | 256 | True\n", - "encoder.after_norm.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.0.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.0.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.0.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.0.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.0.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.0.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.0.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.0.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.0.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.0.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.0.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.1.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.1.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.1.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.1.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.1.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.1.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.1.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.1.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.1.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.1.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.1.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.2.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.2.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.2.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.2.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.2.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.2.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.2.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.2.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.2.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.2.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.2.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.3.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.3.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.3.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.3.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.3.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.3.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.3.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.3.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.3.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.3.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.3.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.4.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.4.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.4.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.4.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.4.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.4.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.4.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.4.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.4.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.4.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.4.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.5.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.5.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.5.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.5.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.5.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.5.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.5.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.5.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.5.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.5.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.5.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.6.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.6.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.6.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.6.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.6.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.6.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.6.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.6.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.6.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.6.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.6.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.7.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.7.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.7.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.7.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.7.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.7.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.7.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.7.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.7.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.7.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.7.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.8.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.8.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.8.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.8.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.8.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.8.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.8.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.8.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.8.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.8.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.8.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.9.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.9.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.9.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.9.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.9.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.9.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.9.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.9.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.9.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.9.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.9.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.10.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.10.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.10.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.10.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.10.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.10.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.10.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.10.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.10.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.10.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.10.concat_linear.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_q.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_k.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_v.bias | [256] | 256 | True\n", - "encoder.encoders.11.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_out.bias | [256] | 256 | True\n", - "encoder.encoders.11.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "encoder.encoders.11.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "encoder.encoders.11.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "encoder.encoders.11.feed_forward.w_2.bias | [256] | 256 | True\n", - "encoder.encoders.11.norm1.weight | [256] | 256 | True\n", - "encoder.encoders.11.norm1.bias | [256] | 256 | True\n", - "encoder.encoders.11.norm2.weight | [256] | 256 | True\n", - "encoder.encoders.11.norm2.bias | [256] | 256 | True\n", - "encoder.encoders.11.concat_linear.weight | [512, 256] | 131072 | True\n", - "encoder.encoders.11.concat_linear.bias | [256] | 256 | True\n", - "decoder.embed.0.weight | [4233, 256] | 1083648 | True\n", - "decoder.after_norm.weight | [256] | 256 | True\n", - "decoder.after_norm.bias | [256] | 256 | True\n", - "decoder.output_layer.weight | [256, 4233] | 1083648 | True\n", - "decoder.output_layer.bias | [4233] | 4233 | True\n", - "decoder.decoders.0.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.0.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.0.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.0.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.0.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.0.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.0.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.0.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.0.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.0.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.0.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.0.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.0.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.0.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.0.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.0.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.0.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.0.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.0.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.0.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.0.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.0.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.1.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.1.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.1.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.1.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.1.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.1.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.1.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.1.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.1.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.1.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.1.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.1.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.1.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.1.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.1.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.1.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.1.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.1.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.1.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.1.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.1.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.1.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.2.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.2.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.2.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.2.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.2.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.2.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.2.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.2.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.2.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.2.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.2.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.2.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.2.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.2.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.2.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.2.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.2.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.2.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.2.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.2.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.2.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.2.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.3.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.3.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.3.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.3.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.3.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.3.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.3.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.3.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.3.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.3.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.3.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.3.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.3.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.3.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.3.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.3.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.3.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.3.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.3.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.3.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.3.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.3.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.4.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.4.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.4.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.4.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.4.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.4.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.4.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.4.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.4.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.4.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.4.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.4.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.4.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.4.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.4.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.4.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.4.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.4.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.4.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.4.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.4.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.4.concat_linear2.bias | [256] | 256 | True\n", - "decoder.decoders.5.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.5.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.5.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.5.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.5.src_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_q.bias | [256] | 256 | True\n", - "decoder.decoders.5.src_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_k.bias | [256] | 256 | True\n", - "decoder.decoders.5.src_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_v.bias | [256] | 256 | True\n", - "decoder.decoders.5.src_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_out.bias | [256] | 256 | True\n", - "decoder.decoders.5.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "decoder.decoders.5.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "decoder.decoders.5.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "decoder.decoders.5.feed_forward.w_2.bias | [256] | 256 | True\n", - "decoder.decoders.5.norm1.weight | [256] | 256 | True\n", - "decoder.decoders.5.norm1.bias | [256] | 256 | True\n", - "decoder.decoders.5.norm2.weight | [256] | 256 | True\n", - "decoder.decoders.5.norm2.bias | [256] | 256 | True\n", - "decoder.decoders.5.norm3.weight | [256] | 256 | True\n", - "decoder.decoders.5.norm3.bias | [256] | 256 | True\n", - "decoder.decoders.5.concat_linear1.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.5.concat_linear1.bias | [256] | 256 | True\n", - "decoder.decoders.5.concat_linear2.weight | [512, 256] | 131072 | True\n", - "decoder.decoders.5.concat_linear2.bias | [256] | 256 | True\n", - "ctc.ctc_lo.weight | [256, 4233] | 1083648 | True\n", - "ctc.ctc_lo.bias | [4233] | 4233 | True\n", - "Total parameters: 411.0, 32.01M elements.\n" - ] - } - ], - "source": [ - "conf_str='examples/tiny/s1/conf/transformer.yaml'\n", - "cfg = CN().load_cfg(open(conf_str))\n", - "cfg.model.input_dim = 83\n", - "cfg.model.output_dim = 4233\n", - "cfg.model.cmvn_file = None\n", - "cfg.model.cmvn_file_type = 'json'\n", - "#cfg.model.encoder_conf.concat_after=True\n", - "cfg.freeze()\n", - "model = U2Model(cfg.model)\n", - "\n", - "print_params(model)\n" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "sapphire-agent", - "metadata": {}, - "outputs": [], - "source": [ - "#summary(model)\n", - "#print(model)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "ruled-invitation", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "fossil-means", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "embed.npz feat.npz l1.npz l11.npz l3.npz l5.npz l7.npz l9.npz\r\n", - "encoder.npz l0.npz l10.npz l2.npz l4.npz l6.npz l8.npz model.npz\r\n" - ] - } - ], - "source": [ - "%ls .notebook/espnet" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "45c2b75f", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "state\n", - "odict_keys(['mask_feature', 'encoder.embed.conv.0.weight', 'encoder.embed.conv.0.bias', 'encoder.embed.conv.2.weight', 'encoder.embed.conv.2.bias', 'encoder.embed.out.0.weight', 'encoder.embed.out.0.bias', 'encoder.encoders.0.self_attn.linear_q.weight', 'encoder.encoders.0.self_attn.linear_q.bias', 'encoder.encoders.0.self_attn.linear_k.weight', 'encoder.encoders.0.self_attn.linear_k.bias', 'encoder.encoders.0.self_attn.linear_v.weight', 'encoder.encoders.0.self_attn.linear_v.bias', 'encoder.encoders.0.self_attn.linear_out.weight', 'encoder.encoders.0.self_attn.linear_out.bias', 'encoder.encoders.0.feed_forward.w_1.weight', 'encoder.encoders.0.feed_forward.w_1.bias', 'encoder.encoders.0.feed_forward.w_2.weight', 'encoder.encoders.0.feed_forward.w_2.bias', 'encoder.encoders.0.norm1.weight', 'encoder.encoders.0.norm1.bias', 'encoder.encoders.0.norm2.weight', 'encoder.encoders.0.norm2.bias', 'encoder.encoders.1.self_attn.linear_q.weight', 'encoder.encoders.1.self_attn.linear_q.bias', 'encoder.encoders.1.self_attn.linear_k.weight', 'encoder.encoders.1.self_attn.linear_k.bias', 'encoder.encoders.1.self_attn.linear_v.weight', 'encoder.encoders.1.self_attn.linear_v.bias', 'encoder.encoders.1.self_attn.linear_out.weight', 'encoder.encoders.1.self_attn.linear_out.bias', 'encoder.encoders.1.feed_forward.w_1.weight', 'encoder.encoders.1.feed_forward.w_1.bias', 'encoder.encoders.1.feed_forward.w_2.weight', 'encoder.encoders.1.feed_forward.w_2.bias', 'encoder.encoders.1.norm1.weight', 'encoder.encoders.1.norm1.bias', 'encoder.encoders.1.norm2.weight', 'encoder.encoders.1.norm2.bias', 'encoder.encoders.2.self_attn.linear_q.weight', 'encoder.encoders.2.self_attn.linear_q.bias', 'encoder.encoders.2.self_attn.linear_k.weight', 'encoder.encoders.2.self_attn.linear_k.bias', 'encoder.encoders.2.self_attn.linear_v.weight', 'encoder.encoders.2.self_attn.linear_v.bias', 'encoder.encoders.2.self_attn.linear_out.weight', 'encoder.encoders.2.self_attn.linear_out.bias', 'encoder.encoders.2.feed_forward.w_1.weight', 'encoder.encoders.2.feed_forward.w_1.bias', 'encoder.encoders.2.feed_forward.w_2.weight', 'encoder.encoders.2.feed_forward.w_2.bias', 'encoder.encoders.2.norm1.weight', 'encoder.encoders.2.norm1.bias', 'encoder.encoders.2.norm2.weight', 'encoder.encoders.2.norm2.bias', 'encoder.encoders.3.self_attn.linear_q.weight', 'encoder.encoders.3.self_attn.linear_q.bias', 'encoder.encoders.3.self_attn.linear_k.weight', 'encoder.encoders.3.self_attn.linear_k.bias', 'encoder.encoders.3.self_attn.linear_v.weight', 'encoder.encoders.3.self_attn.linear_v.bias', 'encoder.encoders.3.self_attn.linear_out.weight', 'encoder.encoders.3.self_attn.linear_out.bias', 'encoder.encoders.3.feed_forward.w_1.weight', 'encoder.encoders.3.feed_forward.w_1.bias', 'encoder.encoders.3.feed_forward.w_2.weight', 'encoder.encoders.3.feed_forward.w_2.bias', 'encoder.encoders.3.norm1.weight', 'encoder.encoders.3.norm1.bias', 'encoder.encoders.3.norm2.weight', 'encoder.encoders.3.norm2.bias', 'encoder.encoders.4.self_attn.linear_q.weight', 'encoder.encoders.4.self_attn.linear_q.bias', 'encoder.encoders.4.self_attn.linear_k.weight', 'encoder.encoders.4.self_attn.linear_k.bias', 'encoder.encoders.4.self_attn.linear_v.weight', 'encoder.encoders.4.self_attn.linear_v.bias', 'encoder.encoders.4.self_attn.linear_out.weight', 'encoder.encoders.4.self_attn.linear_out.bias', 'encoder.encoders.4.feed_forward.w_1.weight', 'encoder.encoders.4.feed_forward.w_1.bias', 'encoder.encoders.4.feed_forward.w_2.weight', 'encoder.encoders.4.feed_forward.w_2.bias', 'encoder.encoders.4.norm1.weight', 'encoder.encoders.4.norm1.bias', 'encoder.encoders.4.norm2.weight', 'encoder.encoders.4.norm2.bias', 'encoder.encoders.5.self_attn.linear_q.weight', 'encoder.encoders.5.self_attn.linear_q.bias', 'encoder.encoders.5.self_attn.linear_k.weight', 'encoder.encoders.5.self_attn.linear_k.bias', 'encoder.encoders.5.self_attn.linear_v.weight', 'encoder.encoders.5.self_attn.linear_v.bias', 'encoder.encoders.5.self_attn.linear_out.weight', 'encoder.encoders.5.self_attn.linear_out.bias', 'encoder.encoders.5.feed_forward.w_1.weight', 'encoder.encoders.5.feed_forward.w_1.bias', 'encoder.encoders.5.feed_forward.w_2.weight', 'encoder.encoders.5.feed_forward.w_2.bias', 'encoder.encoders.5.norm1.weight', 'encoder.encoders.5.norm1.bias', 'encoder.encoders.5.norm2.weight', 'encoder.encoders.5.norm2.bias', 'encoder.encoders.6.self_attn.linear_q.weight', 'encoder.encoders.6.self_attn.linear_q.bias', 'encoder.encoders.6.self_attn.linear_k.weight', 'encoder.encoders.6.self_attn.linear_k.bias', 'encoder.encoders.6.self_attn.linear_v.weight', 'encoder.encoders.6.self_attn.linear_v.bias', 'encoder.encoders.6.self_attn.linear_out.weight', 'encoder.encoders.6.self_attn.linear_out.bias', 'encoder.encoders.6.feed_forward.w_1.weight', 'encoder.encoders.6.feed_forward.w_1.bias', 'encoder.encoders.6.feed_forward.w_2.weight', 'encoder.encoders.6.feed_forward.w_2.bias', 'encoder.encoders.6.norm1.weight', 'encoder.encoders.6.norm1.bias', 'encoder.encoders.6.norm2.weight', 'encoder.encoders.6.norm2.bias', 'encoder.encoders.7.self_attn.linear_q.weight', 'encoder.encoders.7.self_attn.linear_q.bias', 'encoder.encoders.7.self_attn.linear_k.weight', 'encoder.encoders.7.self_attn.linear_k.bias', 'encoder.encoders.7.self_attn.linear_v.weight', 'encoder.encoders.7.self_attn.linear_v.bias', 'encoder.encoders.7.self_attn.linear_out.weight', 'encoder.encoders.7.self_attn.linear_out.bias', 'encoder.encoders.7.feed_forward.w_1.weight', 'encoder.encoders.7.feed_forward.w_1.bias', 'encoder.encoders.7.feed_forward.w_2.weight', 'encoder.encoders.7.feed_forward.w_2.bias', 'encoder.encoders.7.norm1.weight', 'encoder.encoders.7.norm1.bias', 'encoder.encoders.7.norm2.weight', 'encoder.encoders.7.norm2.bias', 'encoder.encoders.8.self_attn.linear_q.weight', 'encoder.encoders.8.self_attn.linear_q.bias', 'encoder.encoders.8.self_attn.linear_k.weight', 'encoder.encoders.8.self_attn.linear_k.bias', 'encoder.encoders.8.self_attn.linear_v.weight', 'encoder.encoders.8.self_attn.linear_v.bias', 'encoder.encoders.8.self_attn.linear_out.weight', 'encoder.encoders.8.self_attn.linear_out.bias', 'encoder.encoders.8.feed_forward.w_1.weight', 'encoder.encoders.8.feed_forward.w_1.bias', 'encoder.encoders.8.feed_forward.w_2.weight', 'encoder.encoders.8.feed_forward.w_2.bias', 'encoder.encoders.8.norm1.weight', 'encoder.encoders.8.norm1.bias', 'encoder.encoders.8.norm2.weight', 'encoder.encoders.8.norm2.bias', 'encoder.encoders.9.self_attn.linear_q.weight', 'encoder.encoders.9.self_attn.linear_q.bias', 'encoder.encoders.9.self_attn.linear_k.weight', 'encoder.encoders.9.self_attn.linear_k.bias', 'encoder.encoders.9.self_attn.linear_v.weight', 'encoder.encoders.9.self_attn.linear_v.bias', 'encoder.encoders.9.self_attn.linear_out.weight', 'encoder.encoders.9.self_attn.linear_out.bias', 'encoder.encoders.9.feed_forward.w_1.weight', 'encoder.encoders.9.feed_forward.w_1.bias', 'encoder.encoders.9.feed_forward.w_2.weight', 'encoder.encoders.9.feed_forward.w_2.bias', 'encoder.encoders.9.norm1.weight', 'encoder.encoders.9.norm1.bias', 'encoder.encoders.9.norm2.weight', 'encoder.encoders.9.norm2.bias', 'encoder.encoders.10.self_attn.linear_q.weight', 'encoder.encoders.10.self_attn.linear_q.bias', 'encoder.encoders.10.self_attn.linear_k.weight', 'encoder.encoders.10.self_attn.linear_k.bias', 'encoder.encoders.10.self_attn.linear_v.weight', 'encoder.encoders.10.self_attn.linear_v.bias', 'encoder.encoders.10.self_attn.linear_out.weight', 'encoder.encoders.10.self_attn.linear_out.bias', 'encoder.encoders.10.feed_forward.w_1.weight', 'encoder.encoders.10.feed_forward.w_1.bias', 'encoder.encoders.10.feed_forward.w_2.weight', 'encoder.encoders.10.feed_forward.w_2.bias', 'encoder.encoders.10.norm1.weight', 'encoder.encoders.10.norm1.bias', 'encoder.encoders.10.norm2.weight', 'encoder.encoders.10.norm2.bias', 'encoder.encoders.11.self_attn.linear_q.weight', 'encoder.encoders.11.self_attn.linear_q.bias', 'encoder.encoders.11.self_attn.linear_k.weight', 'encoder.encoders.11.self_attn.linear_k.bias', 'encoder.encoders.11.self_attn.linear_v.weight', 'encoder.encoders.11.self_attn.linear_v.bias', 'encoder.encoders.11.self_attn.linear_out.weight', 'encoder.encoders.11.self_attn.linear_out.bias', 'encoder.encoders.11.feed_forward.w_1.weight', 'encoder.encoders.11.feed_forward.w_1.bias', 'encoder.encoders.11.feed_forward.w_2.weight', 'encoder.encoders.11.feed_forward.w_2.bias', 'encoder.encoders.11.norm1.weight', 'encoder.encoders.11.norm1.bias', 'encoder.encoders.11.norm2.weight', 'encoder.encoders.11.norm2.bias', 'encoder.after_norm.weight', 'encoder.after_norm.bias', 'decoder.embed.0.weight', 'decoder.decoders.0.self_attn.linear_q.weight', 'decoder.decoders.0.self_attn.linear_q.bias', 'decoder.decoders.0.self_attn.linear_k.weight', 'decoder.decoders.0.self_attn.linear_k.bias', 'decoder.decoders.0.self_attn.linear_v.weight', 'decoder.decoders.0.self_attn.linear_v.bias', 'decoder.decoders.0.self_attn.linear_out.weight', 'decoder.decoders.0.self_attn.linear_out.bias', 'decoder.decoders.0.src_attn.linear_q.weight', 'decoder.decoders.0.src_attn.linear_q.bias', 'decoder.decoders.0.src_attn.linear_k.weight', 'decoder.decoders.0.src_attn.linear_k.bias', 'decoder.decoders.0.src_attn.linear_v.weight', 'decoder.decoders.0.src_attn.linear_v.bias', 'decoder.decoders.0.src_attn.linear_out.weight', 'decoder.decoders.0.src_attn.linear_out.bias', 'decoder.decoders.0.feed_forward.w_1.weight', 'decoder.decoders.0.feed_forward.w_1.bias', 'decoder.decoders.0.feed_forward.w_2.weight', 'decoder.decoders.0.feed_forward.w_2.bias', 'decoder.decoders.0.norm1.weight', 'decoder.decoders.0.norm1.bias', 'decoder.decoders.0.norm2.weight', 'decoder.decoders.0.norm2.bias', 'decoder.decoders.0.norm3.weight', 'decoder.decoders.0.norm3.bias', 'decoder.after_norm.weight', 'decoder.after_norm.bias', 'decoder.output_layer.weight', 'decoder.output_layer.bias', 'sfc.weight', 'sfc.bias', 'deconv.0.weight', 'deconv.0.bias', 'deconv.1.weight', 'deconv.1.bias', 'xlm_embed.0.weight', 'xlm_pred.weight', 'xlm_pred.bias'])\n" - ] - } - ], - "source": [ - "#!pip install torch\n", - "import torch\n", - "\n", - "e_model = np.load('.notebook/espnet/model.npz',allow_pickle=True)\n", - "for k in e_model.files:\n", - " print(k)\n", - "state_dict = e_model['state']\n", - "state_dict = state_dict.tolist()\n", - "print(state_dict.keys())" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "f187bb55", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/ipykernel/ipkernel.py:283: DeprecationWarning: `should_run_async` will not call `transform_cell` automatically in the future. Please pass the result to `transformed_cell` argument and any exception that happen during thetransform in `preprocessing_exc_tuple` in IPython 7.17 and above.\n", - " and should_run_async(code)\n" - ] - } - ], - "source": [ - "# embed.conv.0.weight None torch.Size([256, 1, 3, 3]) \tencoder.embed.conv.0.weight | [256, 1, 3, 3] | 2304 | True\n", - "# embed.conv.0.bias None torch.Size([256]) \tencoder.embed.conv.0.bias | [256] | 256 | True\n", - "# embed.conv.2.weight None torch.Size([256, 256, 3, 3]) \tencoder.embed.conv.2.weight | [256, 256, 3, 3] | 589824 | True\n", - "# embed.conv.2.bias None torch.Size([256]) \tencoder.embed.conv.2.bias | [256] | 256 | True\n", - "# embed.out.0.weight None torch.Size([256, 5120]) 83 feature\tencoder.embed.out.0.weight | [4864, 256] | 1245184 | True 80 feature\n", - "# embed.out.0.bias None torch.Size([256]) \tencoder.embed.out.0.bias | [256] | 256 | True\n", - "# after_norm.weight None torch.Size([256]) \tencoder.after_norm.weight | [256] | 256 | True\n", - "# after_norm.bias None torch.Size([256]) \tencoder.after_norm.bias | [256] | 256 | True\n", - "# encoders.9.self_attn.linear_q.weight None torch.Size([256, 256]) \tencoder.encoders.0.self_attn.linear_q.weight | [256, 256] | 65536 | True\n", - "# encoders.9.self_attn.linear_q.bias None torch.Size([256]) \tencoder.encoders.0.self_attn.linear_q.bias | [256] | 256 | True\n", - "# encoders.9.self_attn.linear_k.weight None torch.Size([256, 256]) \tencoder.encoders.0.self_attn.linear_k.weight | [256, 256] | 65536 | True\n", - "# encoders.9.self_attn.linear_k.bias None torch.Size([256]) \tencoder.encoders.0.self_attn.linear_k.bias | [256] | 256 | True\n", - "# encoders.9.self_attn.linear_v.weight None torch.Size([256, 256]) \tencoder.encoders.0.self_attn.linear_v.weight | [256, 256] | 65536 | True\n", - "# encoders.9.self_attn.linear_v.bias None torch.Size([256]) \tencoder.encoders.0.self_attn.linear_v.bias | [256] | 256 | True\n", - "# encoders.9.self_attn.linear_out.weight None torch.Size([256, 256]) \tencoder.encoders.0.self_attn.linear_out.weight | [256, 256] | 65536 | True\n", - "# encoders.9.self_attn.linear_out.bias None torch.Size([256]) \tencoder.encoders.0.self_attn.linear_out.bias | [256] | 256 | True\n", - "# encoders.9.feed_forward.w_1.weight None torch.Size([2048, 256]) \tencoder.encoders.0.feed_forward.w_1.weight | [256, 2048] | 524288 | True\n", - "# encoders.9.feed_forward.w_1.bias None torch.Size([2048]) \tencoder.encoders.0.feed_forward.w_1.bias | [2048] | 2048 | True\n", - "# encoders.9.feed_forward.w_2.weight None torch.Size([256, 2048]) \tencoder.encoders.0.feed_forward.w_2.weight | [2048, 256] | 524288 | True\n", - "# encoders.9.feed_forward.w_2.bias None torch.Size([256]) \tencoder.encoders.0.feed_forward.w_2.bias | [256] | 256 | True\n", - "# encoders.9.norm1.weight None torch.Size([256]) \tencoder.encoders.0.norm1.weight | [256] | 256 | True\n", - "# encoders.9.norm1.bias None torch.Size([256]) \tencoder.encoders.0.norm1.bias | [256] | 256 | True\n", - "# encoders.9.norm2.weight None torch.Size([256]) \tencoder.encoders.0.norm2.weight | [256] | 256 | True\n", - "# encoders.9.norm2.bias None torch.Size([256]) \tencoder.encoders.0.norm2.bias | [256] | 256 | True\n", - "# \tencoder.encoders.0.concat_linear.weight | [512, 256] | 131072 | True\n", - "# \tencoder.encoders.0.concat_linear.bias | [256] | 256 | True\n", - "# espnet transformer\tconcat_linear只是保存了,但是未使用\n", - "\t\n", - "# \tpaddle transformer" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "2a0428ae", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "-> encoder.embed.conv.0.weight\n", - "-> encoder.embed.conv.0.bias\n", - "-> encoder.embed.conv.2.weight\n", - "-> encoder.embed.conv.2.bias\n", - "-> encoder.embed.out.0.weight\n", - "encoder.embed.out.0.weight: (256, 5120) -> (5120, 256)\n", - "-> encoder.embed.out.0.bias\n", - "-> encoder.encoders.0.self_attn.linear_q.weight\n", - "encoder.encoders.0.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.0.self_attn.linear_q.bias\n", - "-> encoder.encoders.0.self_attn.linear_k.weight\n", - "encoder.encoders.0.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.0.self_attn.linear_k.bias\n", - "-> encoder.encoders.0.self_attn.linear_v.weight\n", - "encoder.encoders.0.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.0.self_attn.linear_v.bias\n", - "-> encoder.encoders.0.self_attn.linear_out.weight\n", - "encoder.encoders.0.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.0.self_attn.linear_out.bias\n", - "-> encoder.encoders.0.feed_forward.w_1.weight\n", - "encoder.encoders.0.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.0.feed_forward.w_1.bias\n", - "-> encoder.encoders.0.feed_forward.w_2.weight\n", - "encoder.encoders.0.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.0.feed_forward.w_2.bias\n", - "-> encoder.encoders.0.norm1.weight\n", - "-> encoder.encoders.0.norm1.bias\n", - "-> encoder.encoders.0.norm2.weight\n", - "-> encoder.encoders.0.norm2.bias\n", - "-> encoder.encoders.1.self_attn.linear_q.weight\n", - "encoder.encoders.1.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.1.self_attn.linear_q.bias\n", - "-> encoder.encoders.1.self_attn.linear_k.weight\n", - "encoder.encoders.1.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.1.self_attn.linear_k.bias\n", - "-> encoder.encoders.1.self_attn.linear_v.weight\n", - "encoder.encoders.1.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.1.self_attn.linear_v.bias\n", - "-> encoder.encoders.1.self_attn.linear_out.weight\n", - "encoder.encoders.1.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.1.self_attn.linear_out.bias\n", - "-> encoder.encoders.1.feed_forward.w_1.weight\n", - "encoder.encoders.1.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.1.feed_forward.w_1.bias\n", - "-> encoder.encoders.1.feed_forward.w_2.weight\n", - "encoder.encoders.1.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.1.feed_forward.w_2.bias\n", - "-> encoder.encoders.1.norm1.weight\n", - "-> encoder.encoders.1.norm1.bias\n", - "-> encoder.encoders.1.norm2.weight\n", - "-> encoder.encoders.1.norm2.bias\n", - "-> encoder.encoders.2.self_attn.linear_q.weight\n", - "encoder.encoders.2.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.2.self_attn.linear_q.bias\n", - "-> encoder.encoders.2.self_attn.linear_k.weight\n", - "encoder.encoders.2.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.2.self_attn.linear_k.bias\n", - "-> encoder.encoders.2.self_attn.linear_v.weight\n", - "encoder.encoders.2.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.2.self_attn.linear_v.bias\n", - "-> encoder.encoders.2.self_attn.linear_out.weight\n", - "encoder.encoders.2.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.2.self_attn.linear_out.bias\n", - "-> encoder.encoders.2.feed_forward.w_1.weight\n", - "encoder.encoders.2.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.2.feed_forward.w_1.bias\n", - "-> encoder.encoders.2.feed_forward.w_2.weight\n", - "encoder.encoders.2.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.2.feed_forward.w_2.bias\n", - "-> encoder.encoders.2.norm1.weight\n", - "-> encoder.encoders.2.norm1.bias\n", - "-> encoder.encoders.2.norm2.weight\n", - "-> encoder.encoders.2.norm2.bias\n", - "-> encoder.encoders.3.self_attn.linear_q.weight\n", - "encoder.encoders.3.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.3.self_attn.linear_q.bias\n", - "-> encoder.encoders.3.self_attn.linear_k.weight\n", - "encoder.encoders.3.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.3.self_attn.linear_k.bias\n", - "-> encoder.encoders.3.self_attn.linear_v.weight\n", - "encoder.encoders.3.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.3.self_attn.linear_v.bias\n", - "-> encoder.encoders.3.self_attn.linear_out.weight\n", - "encoder.encoders.3.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.3.self_attn.linear_out.bias\n", - "-> encoder.encoders.3.feed_forward.w_1.weight\n", - "encoder.encoders.3.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.3.feed_forward.w_1.bias\n", - "-> encoder.encoders.3.feed_forward.w_2.weight\n", - "encoder.encoders.3.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.3.feed_forward.w_2.bias\n", - "-> encoder.encoders.3.norm1.weight\n", - "-> encoder.encoders.3.norm1.bias\n", - "-> encoder.encoders.3.norm2.weight\n", - "-> encoder.encoders.3.norm2.bias\n", - "-> encoder.encoders.4.self_attn.linear_q.weight\n", - "encoder.encoders.4.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.4.self_attn.linear_q.bias\n", - "-> encoder.encoders.4.self_attn.linear_k.weight\n", - "encoder.encoders.4.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.4.self_attn.linear_k.bias\n", - "-> encoder.encoders.4.self_attn.linear_v.weight\n", - "encoder.encoders.4.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.4.self_attn.linear_v.bias\n", - "-> encoder.encoders.4.self_attn.linear_out.weight\n", - "encoder.encoders.4.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.4.self_attn.linear_out.bias\n", - "-> encoder.encoders.4.feed_forward.w_1.weight\n", - "encoder.encoders.4.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.4.feed_forward.w_1.bias\n", - "-> encoder.encoders.4.feed_forward.w_2.weight\n", - "encoder.encoders.4.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.4.feed_forward.w_2.bias\n", - "-> encoder.encoders.4.norm1.weight\n", - "-> encoder.encoders.4.norm1.bias\n", - "-> encoder.encoders.4.norm2.weight\n", - "-> encoder.encoders.4.norm2.bias\n", - "-> encoder.encoders.5.self_attn.linear_q.weight\n", - "encoder.encoders.5.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.5.self_attn.linear_q.bias\n", - "-> encoder.encoders.5.self_attn.linear_k.weight\n", - "encoder.encoders.5.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.5.self_attn.linear_k.bias\n", - "-> encoder.encoders.5.self_attn.linear_v.weight\n", - "encoder.encoders.5.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.5.self_attn.linear_v.bias\n", - "-> encoder.encoders.5.self_attn.linear_out.weight\n", - "encoder.encoders.5.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.5.self_attn.linear_out.bias\n", - "-> encoder.encoders.5.feed_forward.w_1.weight\n", - "encoder.encoders.5.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.5.feed_forward.w_1.bias\n", - "-> encoder.encoders.5.feed_forward.w_2.weight\n", - "encoder.encoders.5.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.5.feed_forward.w_2.bias\n", - "-> encoder.encoders.5.norm1.weight\n", - "-> encoder.encoders.5.norm1.bias\n", - "-> encoder.encoders.5.norm2.weight\n", - "-> encoder.encoders.5.norm2.bias\n", - "-> encoder.encoders.6.self_attn.linear_q.weight\n", - "encoder.encoders.6.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.6.self_attn.linear_q.bias\n", - "-> encoder.encoders.6.self_attn.linear_k.weight\n", - "encoder.encoders.6.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.6.self_attn.linear_k.bias\n", - "-> encoder.encoders.6.self_attn.linear_v.weight\n", - "encoder.encoders.6.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.6.self_attn.linear_v.bias\n", - "-> encoder.encoders.6.self_attn.linear_out.weight\n", - "encoder.encoders.6.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.6.self_attn.linear_out.bias\n", - "-> encoder.encoders.6.feed_forward.w_1.weight\n", - "encoder.encoders.6.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.6.feed_forward.w_1.bias\n", - "-> encoder.encoders.6.feed_forward.w_2.weight\n", - "encoder.encoders.6.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.6.feed_forward.w_2.bias\n", - "-> encoder.encoders.6.norm1.weight\n", - "-> encoder.encoders.6.norm1.bias\n", - "-> encoder.encoders.6.norm2.weight\n", - "-> encoder.encoders.6.norm2.bias\n", - "-> encoder.encoders.7.self_attn.linear_q.weight\n", - "encoder.encoders.7.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.7.self_attn.linear_q.bias\n", - "-> encoder.encoders.7.self_attn.linear_k.weight\n", - "encoder.encoders.7.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.7.self_attn.linear_k.bias\n", - "-> encoder.encoders.7.self_attn.linear_v.weight\n", - "encoder.encoders.7.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.7.self_attn.linear_v.bias\n", - "-> encoder.encoders.7.self_attn.linear_out.weight\n", - "encoder.encoders.7.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.7.self_attn.linear_out.bias\n", - "-> encoder.encoders.7.feed_forward.w_1.weight\n", - "encoder.encoders.7.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.7.feed_forward.w_1.bias\n", - "-> encoder.encoders.7.feed_forward.w_2.weight\n", - "encoder.encoders.7.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.7.feed_forward.w_2.bias\n", - "-> encoder.encoders.7.norm1.weight\n", - "-> encoder.encoders.7.norm1.bias\n", - "-> encoder.encoders.7.norm2.weight\n", - "-> encoder.encoders.7.norm2.bias\n", - "-> encoder.encoders.8.self_attn.linear_q.weight\n", - "encoder.encoders.8.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.8.self_attn.linear_q.bias\n", - "-> encoder.encoders.8.self_attn.linear_k.weight\n", - "encoder.encoders.8.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.8.self_attn.linear_k.bias\n", - "-> encoder.encoders.8.self_attn.linear_v.weight\n", - "encoder.encoders.8.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.8.self_attn.linear_v.bias\n", - "-> encoder.encoders.8.self_attn.linear_out.weight\n", - "encoder.encoders.8.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.8.self_attn.linear_out.bias\n", - "-> encoder.encoders.8.feed_forward.w_1.weight\n", - "encoder.encoders.8.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.8.feed_forward.w_1.bias\n", - "-> encoder.encoders.8.feed_forward.w_2.weight\n", - "encoder.encoders.8.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.8.feed_forward.w_2.bias\n", - "-> encoder.encoders.8.norm1.weight\n", - "-> encoder.encoders.8.norm1.bias\n", - "-> encoder.encoders.8.norm2.weight\n", - "-> encoder.encoders.8.norm2.bias\n", - "-> encoder.encoders.9.self_attn.linear_q.weight\n", - "encoder.encoders.9.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.9.self_attn.linear_q.bias\n", - "-> encoder.encoders.9.self_attn.linear_k.weight\n", - "encoder.encoders.9.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.9.self_attn.linear_k.bias\n", - "-> encoder.encoders.9.self_attn.linear_v.weight\n", - "encoder.encoders.9.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.9.self_attn.linear_v.bias\n", - "-> encoder.encoders.9.self_attn.linear_out.weight\n", - "encoder.encoders.9.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.9.self_attn.linear_out.bias\n", - "-> encoder.encoders.9.feed_forward.w_1.weight\n", - "encoder.encoders.9.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.9.feed_forward.w_1.bias\n", - "-> encoder.encoders.9.feed_forward.w_2.weight\n", - "encoder.encoders.9.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.9.feed_forward.w_2.bias\n", - "-> encoder.encoders.9.norm1.weight\n", - "-> encoder.encoders.9.norm1.bias\n", - "-> encoder.encoders.9.norm2.weight\n", - "-> encoder.encoders.9.norm2.bias\n", - "-> encoder.encoders.10.self_attn.linear_q.weight\n", - "encoder.encoders.10.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.10.self_attn.linear_q.bias\n", - "-> encoder.encoders.10.self_attn.linear_k.weight\n", - "encoder.encoders.10.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.10.self_attn.linear_k.bias\n", - "-> encoder.encoders.10.self_attn.linear_v.weight\n", - "encoder.encoders.10.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.10.self_attn.linear_v.bias\n", - "-> encoder.encoders.10.self_attn.linear_out.weight\n", - "encoder.encoders.10.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.10.self_attn.linear_out.bias\n", - "-> encoder.encoders.10.feed_forward.w_1.weight\n", - "encoder.encoders.10.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.10.feed_forward.w_1.bias\n", - "-> encoder.encoders.10.feed_forward.w_2.weight\n", - "encoder.encoders.10.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.10.feed_forward.w_2.bias\n", - "-> encoder.encoders.10.norm1.weight\n", - "-> encoder.encoders.10.norm1.bias\n", - "-> encoder.encoders.10.norm2.weight\n", - "-> encoder.encoders.10.norm2.bias\n", - "-> encoder.encoders.11.self_attn.linear_q.weight\n", - "encoder.encoders.11.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.11.self_attn.linear_q.bias\n", - "-> encoder.encoders.11.self_attn.linear_k.weight\n", - "encoder.encoders.11.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.11.self_attn.linear_k.bias\n", - "-> encoder.encoders.11.self_attn.linear_v.weight\n", - "encoder.encoders.11.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.11.self_attn.linear_v.bias\n", - "-> encoder.encoders.11.self_attn.linear_out.weight\n", - "encoder.encoders.11.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "-> encoder.encoders.11.self_attn.linear_out.bias\n", - "-> encoder.encoders.11.feed_forward.w_1.weight\n", - "encoder.encoders.11.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "-> encoder.encoders.11.feed_forward.w_1.bias\n", - "-> encoder.encoders.11.feed_forward.w_2.weight\n", - "encoder.encoders.11.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "-> encoder.encoders.11.feed_forward.w_2.bias\n", - "-> encoder.encoders.11.norm1.weight\n", - "-> encoder.encoders.11.norm1.bias\n", - "-> encoder.encoders.11.norm2.weight\n", - "-> encoder.encoders.11.norm2.bias\n", - "-> encoder.after_norm.weight\n", - "-> encoder.after_norm.bias\n" - ] - } - ], - "source": [ - "# dump torch model to paddle\n", - "#state_dict = model.state_dict()\n", - "paddle_state_dict = {}\n", - "\n", - "for n, p in state_dict.items():\n", - " if 'encoder' not in n:\n", - " continue \n", - " print(f'-> {n}')\n", - " \n", - " \n", - " name_change=True\n", - " if 'norm.running_mean' in n:\n", - " new_n = n.replace('norm.running_', 'norm._')\n", - " elif 'norm.running_var' in n:\n", - " new_n = n.replace('norm.running_var', 'norm._variance')\n", - " else:\n", - " name_change=False\n", - " new_n = n\n", - " if name_change:\n", - " print(f\"{n} -> {new_n}\")\n", - " \n", - " \n", - " p = p.cpu().detach().numpy()\n", - " if n.endswith('weight') and p.ndim == 2:\n", - " new_p = p.T\n", - " print(f\"{n}: {p.shape} -> {new_p.shape}\")\n", - " else:\n", - " new_p = p\n", - " \n", - " if 'global_cmvn.mean' in n:\n", - " print(p, p.dtype)\n", - " \n", - " paddle_state_dict[new_n] = new_p\n", - " \n", - "# np.savez('/workspace/DeepSpeech-2.x/.notebook/model',\n", - "# state=paddle_state_dict)" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "a1d97e9f", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.0.concat_linear.weight. encoder.encoders.0.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.0.concat_linear.bias. encoder.encoders.0.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.1.concat_linear.weight. encoder.encoders.1.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.1.concat_linear.bias. encoder.encoders.1.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.2.concat_linear.weight. encoder.encoders.2.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.2.concat_linear.bias. encoder.encoders.2.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.3.concat_linear.weight. encoder.encoders.3.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.3.concat_linear.bias. encoder.encoders.3.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.4.concat_linear.weight. encoder.encoders.4.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.4.concat_linear.bias. encoder.encoders.4.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.5.concat_linear.weight. encoder.encoders.5.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.5.concat_linear.bias. encoder.encoders.5.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.6.concat_linear.weight. encoder.encoders.6.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.6.concat_linear.bias. encoder.encoders.6.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.7.concat_linear.weight. encoder.encoders.7.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.7.concat_linear.bias. encoder.encoders.7.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.8.concat_linear.weight. encoder.encoders.8.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.8.concat_linear.bias. encoder.encoders.8.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.9.concat_linear.weight. encoder.encoders.9.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.9.concat_linear.bias. encoder.encoders.9.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.10.concat_linear.weight. encoder.encoders.10.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.10.concat_linear.bias. encoder.encoders.10.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.11.concat_linear.weight. encoder.encoders.11.concat_linear.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for encoder.encoders.11.concat_linear.bias. encoder.encoders.11.concat_linear.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.embed.0.weight. decoder.embed.0.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.after_norm.weight. decoder.after_norm.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.after_norm.bias. decoder.after_norm.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.output_layer.weight. decoder.output_layer.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.output_layer.bias. decoder.output_layer.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.self_attn.linear_q.weight. decoder.decoders.0.self_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.self_attn.linear_q.bias. decoder.decoders.0.self_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.self_attn.linear_k.weight. decoder.decoders.0.self_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.self_attn.linear_k.bias. decoder.decoders.0.self_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.self_attn.linear_v.weight. decoder.decoders.0.self_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.self_attn.linear_v.bias. decoder.decoders.0.self_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.self_attn.linear_out.weight. decoder.decoders.0.self_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.self_attn.linear_out.bias. decoder.decoders.0.self_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.src_attn.linear_q.weight. decoder.decoders.0.src_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.src_attn.linear_q.bias. decoder.decoders.0.src_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.src_attn.linear_k.weight. decoder.decoders.0.src_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.src_attn.linear_k.bias. decoder.decoders.0.src_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.src_attn.linear_v.weight. decoder.decoders.0.src_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.src_attn.linear_v.bias. decoder.decoders.0.src_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.src_attn.linear_out.weight. decoder.decoders.0.src_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.src_attn.linear_out.bias. decoder.decoders.0.src_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.feed_forward.w_1.weight. decoder.decoders.0.feed_forward.w_1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.feed_forward.w_1.bias. decoder.decoders.0.feed_forward.w_1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.feed_forward.w_2.weight. decoder.decoders.0.feed_forward.w_2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.feed_forward.w_2.bias. decoder.decoders.0.feed_forward.w_2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.norm1.weight. decoder.decoders.0.norm1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.norm1.bias. decoder.decoders.0.norm1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.norm2.weight. decoder.decoders.0.norm2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.norm2.bias. decoder.decoders.0.norm2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.norm3.weight. decoder.decoders.0.norm3.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.norm3.bias. decoder.decoders.0.norm3.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.concat_linear1.weight. decoder.decoders.0.concat_linear1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.concat_linear1.bias. decoder.decoders.0.concat_linear1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.concat_linear2.weight. decoder.decoders.0.concat_linear2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.0.concat_linear2.bias. decoder.decoders.0.concat_linear2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.self_attn.linear_q.weight. decoder.decoders.1.self_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.self_attn.linear_q.bias. decoder.decoders.1.self_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.self_attn.linear_k.weight. decoder.decoders.1.self_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.self_attn.linear_k.bias. decoder.decoders.1.self_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.self_attn.linear_v.weight. decoder.decoders.1.self_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.self_attn.linear_v.bias. decoder.decoders.1.self_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.self_attn.linear_out.weight. decoder.decoders.1.self_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.self_attn.linear_out.bias. decoder.decoders.1.self_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.src_attn.linear_q.weight. decoder.decoders.1.src_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.src_attn.linear_q.bias. decoder.decoders.1.src_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.src_attn.linear_k.weight. decoder.decoders.1.src_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.src_attn.linear_k.bias. decoder.decoders.1.src_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.src_attn.linear_v.weight. decoder.decoders.1.src_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.src_attn.linear_v.bias. decoder.decoders.1.src_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.src_attn.linear_out.weight. decoder.decoders.1.src_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.src_attn.linear_out.bias. decoder.decoders.1.src_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.feed_forward.w_1.weight. decoder.decoders.1.feed_forward.w_1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.feed_forward.w_1.bias. decoder.decoders.1.feed_forward.w_1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.feed_forward.w_2.weight. decoder.decoders.1.feed_forward.w_2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.feed_forward.w_2.bias. decoder.decoders.1.feed_forward.w_2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.norm1.weight. decoder.decoders.1.norm1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.norm1.bias. decoder.decoders.1.norm1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.norm2.weight. decoder.decoders.1.norm2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.norm2.bias. decoder.decoders.1.norm2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.norm3.weight. decoder.decoders.1.norm3.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.norm3.bias. decoder.decoders.1.norm3.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.concat_linear1.weight. decoder.decoders.1.concat_linear1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.concat_linear1.bias. decoder.decoders.1.concat_linear1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.concat_linear2.weight. decoder.decoders.1.concat_linear2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.1.concat_linear2.bias. decoder.decoders.1.concat_linear2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.self_attn.linear_q.weight. decoder.decoders.2.self_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.self_attn.linear_q.bias. decoder.decoders.2.self_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.self_attn.linear_k.weight. decoder.decoders.2.self_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.self_attn.linear_k.bias. decoder.decoders.2.self_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.self_attn.linear_v.weight. decoder.decoders.2.self_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.self_attn.linear_v.bias. decoder.decoders.2.self_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.self_attn.linear_out.weight. decoder.decoders.2.self_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.self_attn.linear_out.bias. decoder.decoders.2.self_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.src_attn.linear_q.weight. decoder.decoders.2.src_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.src_attn.linear_q.bias. decoder.decoders.2.src_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.src_attn.linear_k.weight. decoder.decoders.2.src_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.src_attn.linear_k.bias. decoder.decoders.2.src_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.src_attn.linear_v.weight. decoder.decoders.2.src_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.src_attn.linear_v.bias. decoder.decoders.2.src_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.src_attn.linear_out.weight. decoder.decoders.2.src_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.src_attn.linear_out.bias. decoder.decoders.2.src_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.feed_forward.w_1.weight. decoder.decoders.2.feed_forward.w_1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.feed_forward.w_1.bias. decoder.decoders.2.feed_forward.w_1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.feed_forward.w_2.weight. decoder.decoders.2.feed_forward.w_2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.feed_forward.w_2.bias. decoder.decoders.2.feed_forward.w_2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.norm1.weight. decoder.decoders.2.norm1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.norm1.bias. decoder.decoders.2.norm1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.norm2.weight. decoder.decoders.2.norm2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.norm2.bias. decoder.decoders.2.norm2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.norm3.weight. decoder.decoders.2.norm3.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.norm3.bias. decoder.decoders.2.norm3.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.concat_linear1.weight. decoder.decoders.2.concat_linear1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.concat_linear1.bias. decoder.decoders.2.concat_linear1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.concat_linear2.weight. decoder.decoders.2.concat_linear2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.2.concat_linear2.bias. decoder.decoders.2.concat_linear2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.self_attn.linear_q.weight. decoder.decoders.3.self_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.self_attn.linear_q.bias. decoder.decoders.3.self_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.self_attn.linear_k.weight. decoder.decoders.3.self_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.self_attn.linear_k.bias. decoder.decoders.3.self_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.self_attn.linear_v.weight. decoder.decoders.3.self_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.self_attn.linear_v.bias. decoder.decoders.3.self_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.self_attn.linear_out.weight. decoder.decoders.3.self_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.self_attn.linear_out.bias. decoder.decoders.3.self_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.src_attn.linear_q.weight. decoder.decoders.3.src_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.src_attn.linear_q.bias. decoder.decoders.3.src_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.src_attn.linear_k.weight. decoder.decoders.3.src_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.src_attn.linear_k.bias. decoder.decoders.3.src_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.src_attn.linear_v.weight. decoder.decoders.3.src_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.src_attn.linear_v.bias. decoder.decoders.3.src_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.src_attn.linear_out.weight. decoder.decoders.3.src_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.src_attn.linear_out.bias. decoder.decoders.3.src_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.feed_forward.w_1.weight. decoder.decoders.3.feed_forward.w_1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.feed_forward.w_1.bias. decoder.decoders.3.feed_forward.w_1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.feed_forward.w_2.weight. decoder.decoders.3.feed_forward.w_2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.feed_forward.w_2.bias. decoder.decoders.3.feed_forward.w_2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.norm1.weight. decoder.decoders.3.norm1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.norm1.bias. decoder.decoders.3.norm1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.norm2.weight. decoder.decoders.3.norm2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.norm2.bias. decoder.decoders.3.norm2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.norm3.weight. decoder.decoders.3.norm3.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.norm3.bias. decoder.decoders.3.norm3.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.concat_linear1.weight. decoder.decoders.3.concat_linear1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.concat_linear1.bias. decoder.decoders.3.concat_linear1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.concat_linear2.weight. decoder.decoders.3.concat_linear2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.3.concat_linear2.bias. decoder.decoders.3.concat_linear2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.self_attn.linear_q.weight. decoder.decoders.4.self_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.self_attn.linear_q.bias. decoder.decoders.4.self_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.self_attn.linear_k.weight. decoder.decoders.4.self_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.self_attn.linear_k.bias. decoder.decoders.4.self_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.self_attn.linear_v.weight. decoder.decoders.4.self_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.self_attn.linear_v.bias. decoder.decoders.4.self_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.self_attn.linear_out.weight. decoder.decoders.4.self_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.self_attn.linear_out.bias. decoder.decoders.4.self_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.src_attn.linear_q.weight. decoder.decoders.4.src_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.src_attn.linear_q.bias. decoder.decoders.4.src_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.src_attn.linear_k.weight. decoder.decoders.4.src_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.src_attn.linear_k.bias. decoder.decoders.4.src_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.src_attn.linear_v.weight. decoder.decoders.4.src_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.src_attn.linear_v.bias. decoder.decoders.4.src_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.src_attn.linear_out.weight. decoder.decoders.4.src_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.src_attn.linear_out.bias. decoder.decoders.4.src_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.feed_forward.w_1.weight. decoder.decoders.4.feed_forward.w_1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.feed_forward.w_1.bias. decoder.decoders.4.feed_forward.w_1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.feed_forward.w_2.weight. decoder.decoders.4.feed_forward.w_2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.feed_forward.w_2.bias. decoder.decoders.4.feed_forward.w_2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.norm1.weight. decoder.decoders.4.norm1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.norm1.bias. decoder.decoders.4.norm1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.norm2.weight. decoder.decoders.4.norm2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.norm2.bias. decoder.decoders.4.norm2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.norm3.weight. decoder.decoders.4.norm3.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.norm3.bias. decoder.decoders.4.norm3.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.concat_linear1.weight. decoder.decoders.4.concat_linear1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.concat_linear1.bias. decoder.decoders.4.concat_linear1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.concat_linear2.weight. decoder.decoders.4.concat_linear2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.4.concat_linear2.bias. decoder.decoders.4.concat_linear2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.self_attn.linear_q.weight. decoder.decoders.5.self_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.self_attn.linear_q.bias. decoder.decoders.5.self_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.self_attn.linear_k.weight. decoder.decoders.5.self_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.self_attn.linear_k.bias. decoder.decoders.5.self_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.self_attn.linear_v.weight. decoder.decoders.5.self_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.self_attn.linear_v.bias. decoder.decoders.5.self_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.self_attn.linear_out.weight. decoder.decoders.5.self_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.self_attn.linear_out.bias. decoder.decoders.5.self_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.src_attn.linear_q.weight. decoder.decoders.5.src_attn.linear_q.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.src_attn.linear_q.bias. decoder.decoders.5.src_attn.linear_q.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.src_attn.linear_k.weight. decoder.decoders.5.src_attn.linear_k.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.src_attn.linear_k.bias. decoder.decoders.5.src_attn.linear_k.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.src_attn.linear_v.weight. decoder.decoders.5.src_attn.linear_v.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.src_attn.linear_v.bias. decoder.decoders.5.src_attn.linear_v.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.src_attn.linear_out.weight. decoder.decoders.5.src_attn.linear_out.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.src_attn.linear_out.bias. decoder.decoders.5.src_attn.linear_out.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.feed_forward.w_1.weight. decoder.decoders.5.feed_forward.w_1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.feed_forward.w_1.bias. decoder.decoders.5.feed_forward.w_1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.feed_forward.w_2.weight. decoder.decoders.5.feed_forward.w_2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.feed_forward.w_2.bias. decoder.decoders.5.feed_forward.w_2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.norm1.weight. decoder.decoders.5.norm1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.norm1.bias. decoder.decoders.5.norm1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.norm2.weight. decoder.decoders.5.norm2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.norm2.bias. decoder.decoders.5.norm2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.norm3.weight. decoder.decoders.5.norm3.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.norm3.bias. decoder.decoders.5.norm3.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.concat_linear1.weight. decoder.decoders.5.concat_linear1.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.concat_linear1.bias. decoder.decoders.5.concat_linear1.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.concat_linear2.weight. decoder.decoders.5.concat_linear2.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for decoder.decoders.5.concat_linear2.bias. decoder.decoders.5.concat_linear2.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for ctc.ctc_lo.weight. ctc.ctc_lo.weight is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n", - "/workspace/DeepSpeech-2.x/tools/venv-2p1/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1303: UserWarning: Skip loading for ctc.ctc_lo.bias. ctc.ctc_lo.bias is not found in the provided dict.\n", - " warnings.warn((\"Skip loading for {}. \".format(key) + str(err)))\n" - ] - } - ], - "source": [ - "model.set_state_dict(paddle_state_dict)" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "id": "fc7edf1e", - "metadata": {}, - "outputs": [], - "source": [ - "e_state = model.encoder.state_dict()\n", - "for key, value in e_state.items():\n", - " if 'concat_linear' in key:\n", - " continue\n", - " if not np.allclose(value.numpy(), paddle_state_dict['encoder.' + key]):\n", - " print(key)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "572097d0", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "748250b7", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "91e5deee", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 14, - "id": "fleet-despite", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "embed.npz feat.npz l1.npz l11.npz l3.npz l5.npz l7.npz l9.npz\r\n", - "encoder.npz l0.npz l10.npz l2.npz l4.npz l6.npz l8.npz model.npz\r\n" - ] - } - ], - "source": [ - "%ls .notebook/espnet" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "id": "abroad-oracle", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(8, 57, 83)\n", - "(8, 1, 57)\n", - "[57 50 48 38 32 31 28 25]\n" - ] - } - ], - "source": [ - "data = np.load('.notebook/espnet/feat.npz', allow_pickle=True)\n", - "xs=data['xs']\n", - "masks=data['masks']\n", - "print(xs.shape)\n", - "print(masks.shape)\n", - "xs_lens = masks.sum(axis=-1).squeeze()\n", - "print(xs_lens)" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "id": "false-instrument", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[8, 13, 256]\n", - "[8, 1, 13]\n" - ] - } - ], - "source": [ - "# ecnoder\n", - "xs = paddle.to_tensor(xs, dtype='float32')\n", - "x_lens = paddle.to_tensor(xs_lens, dtype='int32')\n", - "model.eval()\n", - "encoder_out, encoder_mask = model.encoder(xs, x_lens)\n", - "print(encoder_out.shape)\n", - "print(encoder_mask.shape)" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "id": "arctic-proxy", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(8, 13, 256)\n", - "(8, 1, 13)\n", - "False\n", - "False\n", - "True\n", - "True\n" - ] - } - ], - "source": [ - "data = np.load('.notebook/espnet/encoder.npz', allow_pickle=True)\n", - "xs = data['xs']\n", - "masks = data['masks']\n", - "print(xs.shape)\n", - "print(masks.shape)\n", - "print(np.allclose(xs, encoder_out.numpy()))\n", - "print(np.allclose(xs, encoder_out.numpy(), atol=1e-6))\n", - "print(np.allclose(xs, encoder_out.numpy(), atol=1e-5))\n", - "print(np.allclose(masks, encoder_mask.numpy()))" - ] - }, - { - "cell_type": "code", - "execution_count": 27, - "id": "seasonal-switch", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[ 2.1380312 1.8675405 -1.1873871 ... -0.30456656 0.56382173\n", - " -0.6526459 ]\n", - " [ 2.1926146 2.1373641 -0.6548196 ... -0.897318 0.6044322\n", - " -0.63332295]\n", - " [ 1.6367635 2.3320658 -0.8848577 ... -0.9640939 1.2420733\n", - " -0.05243584]\n", - " ...\n", - " [ 1.8533031 1.8421621 -0.6728406 ... 0.04810616 0.6459763\n", - " -0.18188554]\n", - " [ 2.0894065 1.7813934 -1.1591585 ... -0.09513803 0.8321831\n", - " -0.72916794]\n", - " [ 1.6488649 2.0984242 -1.3490562 ... 0.42678255 0.5903866\n", - " -0.32597935]]\n", - "Tensor(shape=[13, 256], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [[ 2.13803196, 1.86753929, -1.18738675, ..., -0.30456796, 0.56382364, -0.65264463],\n", - " [ 2.19261336, 2.13736486, -0.65482187, ..., -0.89731705, 0.60443199, -0.63332343],\n", - " [ 1.63676369, 2.33206534, -0.88485885, ..., -0.96409231, 1.24207270, -0.05243752],\n", - " ...,\n", - " [ 1.85330284, 1.84216177, -0.67284071, ..., 0.04810715, 0.64597648, -0.18188696],\n", - " [ 2.08940673, 1.78139246, -1.15916038, ..., -0.09513779, 0.83218288, -0.72916913],\n", - " [ 1.64886570, 2.09842515, -1.34905660, ..., 0.42678308, 0.59038705, -0.32598034]])\n" - ] - } - ], - "source": [ - "print(xs[0])\n", - "print(encoder_out[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 33, - "id": "defined-brooks", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[ 2.209824 1.5208759 0.1417884 ... -0.73617566 1.6538682\n", - " -0.16355833]\n", - " [ 2.1441019 1.4377339 0.3629197 ... -0.91226125 1.3739952\n", - " 0.11874156]\n", - " [ 1.8725398 1.5417286 0.38919652 ... -0.89621615 1.1841662\n", - " 0.27621832]\n", - " ...\n", - " [ 2.4591084 0.7238764 -1.1456345 ... -0.24188249 0.8232168\n", - " -0.9794884 ]\n", - " [ 2.5156236 1.1919155 -0.97032744 ... -0.7360675 1.0647209\n", - " -1.3076135 ]\n", - " [ 2.160009 0.98425585 -1.2231126 ... -0.03393313 1.9141548\n", - " -1.0099151 ]]\n", - "Tensor(shape=[13, 256], dtype=float32, place=CUDAPlace(0), stop_gradient=False,\n", - " [[ 2.20982409, 1.52087593, 0.14178854, ..., -0.73617446, 1.65386844, -0.16355731],\n", - " [ 2.14410043, 1.43773460, 0.36291891, ..., -0.91226172, 1.37399518, 0.11874183],\n", - " [ 1.87254059, 1.54172909, 0.38919681, ..., -0.89621687, 1.18416822, 0.27621880],\n", - " ...,\n", - " [ 2.45910931, 0.72387671, -1.14563596, ..., -0.24188218, 0.82321703, -0.97948682],\n", - " [ 2.51562238, 1.19191694, -0.97032893, ..., -0.73606837, 1.06472087, -1.30761123],\n", - " [ 2.16000915, 0.98425680, -1.22311163, ..., -0.03393326, 1.91415381, -1.00991392]])\n" - ] - } - ], - "source": [ - "print(xs[1])\n", - "print(encoder_out[1])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "0504e3f8", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/.notebook/wenet_model.ipynb b/.notebook/wenet_model.ipynb deleted file mode 100644 index 8e10b6c4b..000000000 --- a/.notebook/wenet_model.ipynb +++ /dev/null @@ -1,5015 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "cfb832c0", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/workspace/wenet\n" - ] - }, - { - "data": { - "text/plain": [ - "'/workspace/wenet'" - ] - }, - "execution_count": 1, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "%cd /workspace/wenet/\n", - "%pwd" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "62277538", - "metadata": {}, - "outputs": [], - "source": [ - "\n", - "import argparse\n", - "import copy\n", - "import logging\n", - "import os\n", - "\n", - "import torch\n", - "import torch.distributed as dist\n", - "import torch.optim as optim\n", - "import yaml\n", - "from tensorboardX import SummaryWriter\n", - "from torch.utils.data import DataLoader\n", - "\n", - "from wenet.dataset.dataset import AudioDataset, CollateFunc\n", - "from wenet.transformer.asr_model import init_asr_model\n", - "from wenet.utils.checkpoint import load_checkpoint, save_checkpoint\n", - "from wenet.utils.executor import Executor\n", - "from wenet.utils.scheduler import WarmupLR\n", - "\n", - "os.environ['CUDA_VISIBLE_DEVICES'] = \"0\"" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "2f6ea33a", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'config': 'examples/aishell/s0/conf/train_conformer.yaml', 'train_data': 'examples/aishell/s0/raw_wav/train/format.data', 'cv_data': 'examples/aishell/s0/raw_wav/dev/format.data', 'gpu': -1, 'model_dir': None, 'checkpoint': None, 'tensorboard_dir': 'tensorboard', 'rank': 0, 'world_size': -1, 'dist_backend': 'nccl', 'init_method': None, 'num_workers': 0, 'pin_memory': False, 'cmvn': 'examples/aishell/s0/raw_wav/train/global_cmvn'}\n" - ] - } - ], - "source": [ - "parser = argparse.ArgumentParser(description='training your network')\n", - "parser.add_argument('--config', default=\"examples/aishell/s0/conf/train_conformer.yaml\", help='config file')\n", - "parser.add_argument('--train_data', default=\"examples/aishell/s0/raw_wav/train/format.data\", help='train data file')\n", - "parser.add_argument('--cv_data', default=\"examples/aishell/s0/raw_wav/dev/format.data\", help='cv data file')\n", - "parser.add_argument('--gpu',\n", - " type=int,\n", - " default=-1,\n", - " help='gpu id for this local rank, -1 for cpu')\n", - "parser.add_argument('--model_dir' , help='save model dir')\n", - "parser.add_argument('--checkpoint', help='checkpoint model')\n", - "parser.add_argument('--tensorboard_dir',\n", - " default='tensorboard',\n", - " help='tensorboard log dir')\n", - "parser.add_argument('--ddp.rank',\n", - " dest='rank',\n", - " default=0,\n", - " type=int,\n", - " help='global rank for distributed training')\n", - "parser.add_argument('--ddp.world_size',\n", - " dest='world_size',\n", - " default=-1,\n", - " type=int,\n", - " help='''number of total processes/gpus for\n", - " distributed training''')\n", - "parser.add_argument('--ddp.dist_backend',\n", - " dest='dist_backend',\n", - " default='nccl',\n", - " choices=['nccl', 'gloo'],\n", - " help='distributed backend')\n", - "parser.add_argument('--ddp.init_method',\n", - " dest='init_method',\n", - " default=None,\n", - " help='ddp init method')\n", - "parser.add_argument('--num_workers',\n", - " default=0,\n", - " type=int,\n", - " help='num of subprocess workers for reading')\n", - "parser.add_argument('--pin_memory',\n", - " action='store_true',\n", - " default=False,\n", - " help='Use pinned memory buffers used for reading')\n", - "parser.add_argument('--cmvn', default=\"examples/aishell/s0/raw_wav/train/global_cmvn\", help='global cmvn file')\n", - "\n", - "args = parser.parse_args([])\n", - "print(vars(args))" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "f5d6af9b", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Namespace(checkpoint=None, cmvn='examples/aishell/s0/raw_wav/train/global_cmvn', config='examples/aishell/s0/conf/train_conformer.yaml', cv_data='examples/aishell/s0/raw_wav/dev/format.data', dist_backend='nccl', gpu=-1, init_method=None, model_dir=None, num_workers=0, pin_memory=False, rank=0, tensorboard_dir='tensorboard', train_data='examples/aishell/s0/raw_wav/train/format.data', world_size=-1)\n" - ] - } - ], - "source": [ - "# Set random seed\n", - "torch.manual_seed(777)\n", - "print(args)\n", - "with open(args.config, 'r') as fin:\n", - " configs = yaml.load(fin, Loader=yaml.FullLoader)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "264bd353", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "7507 batches\n", - "896\n" - ] - } - ], - "source": [ - "raw_wav = configs['raw_wav']\n", - "\n", - "train_collate_func = CollateFunc(**configs['collate_conf'],\n", - " raw_wav=raw_wav)\n", - "\n", - "cv_collate_conf = copy.deepcopy(configs['collate_conf'])\n", - "# no augmenation on cv set\n", - "cv_collate_conf['spec_aug'] = False\n", - "cv_collate_conf['spec_sub'] = False\n", - "if raw_wav:\n", - " cv_collate_conf['feature_dither'] = 0.0\n", - " cv_collate_conf['speed_perturb'] = False\n", - " cv_collate_conf['wav_distortion_conf']['wav_distortion_rate'] = 0\n", - "cv_collate_func = CollateFunc(**cv_collate_conf, raw_wav=raw_wav)\n", - "\n", - "dataset_conf = configs.get('dataset_conf', {})\n", - "train_dataset = AudioDataset(args.train_data,\n", - " **dataset_conf,\n", - " raw_wav=raw_wav)\n", - "cv_dataset = AudioDataset(args.cv_data, **dataset_conf, raw_wav=raw_wav)\n", - "# 120098 data/train/wav.scp\n", - "print(len(train_dataset), 'batches')\n", - "# 14326 data/dev/wav.scp\n", - "print(len(cv_dataset))" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "88863d3c", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "896\n" - ] - } - ], - "source": [ - "train_sampler = None\n", - "cv_sampler = None\n", - "train_data_loader = DataLoader(train_dataset,\n", - " collate_fn=train_collate_func,\n", - " sampler=train_sampler,\n", - " #shuffle=(train_sampler is None),\n", - " shuffle=False,\n", - " pin_memory=args.pin_memory,\n", - " batch_size=1,\n", - " num_workers=args.num_workers)\n", - "cv_data_loader = DataLoader(cv_dataset,\n", - " collate_fn=cv_collate_func,\n", - " sampler=cv_sampler,\n", - " shuffle=False,\n", - " batch_size=1,\n", - " pin_memory=args.pin_memory,\n", - " num_workers=args.num_workers)\n", - "print(len(cv_data_loader))" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "10d5acd4", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "4233 vocab\n", - "80 feat dim\n" - ] - } - ], - "source": [ - "if raw_wav:\n", - " input_dim = configs['collate_conf']['feature_extraction_conf'][\n", - " 'mel_bins']\n", - "else:\n", - " input_dim = train_dataset.input_dim\n", - "vocab_size = train_dataset.output_dim\n", - "print(vocab_size, 'vocab')\n", - "print(input_dim , 'feat dim')" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "0380ef5a", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "examples/aishell/s0/raw_wav/train/global_cmvn\n" - ] - } - ], - "source": [ - "# Save configs to model_dir/train.yaml for inference and export\n", - "configs['input_dim'] = input_dim\n", - "configs['output_dim'] = vocab_size\n", - "configs['cmvn_file'] = args.cmvn\n", - "configs['is_json_cmvn'] = raw_wav\n", - "print(args.cmvn)\n" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "id": "15ebf2bf", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "(80,)\n", - "(80,)\n", - "[ 9.87176362 9.93891555 10.23818678 10.85971412 11.68652649 12.2548801\n", - " 12.65768161 12.86138996 12.80733912 12.56625574 12.32007066 12.13879205\n", - " 12.31318868 12.55255216 12.61223855 12.56974526 12.38972728 12.14383338\n", - " 12.09285066 11.79395822 11.62259065 11.9263303 11.8154422 11.95122567\n", - " 11.83180553 11.88788759 11.79014437 11.88072035 11.90005711 11.97348142\n", - " 12.00982189 12.00881339 12.02619706 12.10479646 12.21555081 12.34399304\n", - " 12.45014401 12.4966879 12.48653775 12.3550783 12.39291732 12.2553737\n", - " 12.26496277 12.25314244 12.32545763 12.43359839 12.54867439 12.6763342\n", - " 12.80920698 12.92934681 12.96115138 12.96883353 12.99593057 13.04728142\n", - " 13.0588804 13.05737948 12.99921175 12.93402238 12.87429219 12.71652995\n", - " 12.48942004 12.27478385 12.26163069 12.28631891 12.31956049 12.4229073\n", - " 12.51480191 12.5785164 12.64719411 12.73762568 12.80017069 12.86872766\n", - " 12.96666856 13.06478583 13.15915908 13.27284306 13.31081821 13.23904279\n", - " 12.87936075 11.18310185]\n", - "[0.61219383 0.49700994 0.33439025 0.31503119 0.29640823 0.28411759\n", - " 0.26972922 0.25610475 0.24632936 0.24610228 0.24733299 0.24426536\n", - " 0.23751781 0.22987273 0.22659963 0.2268427 0.23059031 0.23420722\n", - " 0.23771761 0.2411352 0.24404673 0.24557175 0.24724932 0.25055198\n", - " 0.25482755 0.2602407 0.26363878 0.26503898 0.2648467 0.26435072\n", - " 0.26353625 0.26364794 0.26411054 0.26339948 0.26212082 0.26146597\n", - " 0.26196556 0.26365859 0.26592959 0.26963884 0.27392766 0.27818809\n", - " 0.28313664 0.2863325 0.28713431 0.28649323 0.28636648 0.2867843\n", - " 0.28635904 0.28562022 0.28492711 0.28429201 0.28402977 0.28401045\n", - " 0.28560797 0.28728033 0.28969549 0.29351627 0.29826453 0.30572631\n", - " 0.31811682 0.32887739 0.33288219 0.33326245 0.33014147 0.32403202\n", - " 0.31903576 0.31316258 0.30741037 0.30370692 0.30204833 0.30049064\n", - " 0.29901079 0.29824511 0.29812308 0.29753329 0.29779342 0.30175296\n", - " 0.30955538 0.32904205]\n" - ] - } - ], - "source": [ - "import json\n", - "import math\n", - "import numpy as np\n", - "def _load_json_cmvn(json_cmvn_file):\n", - " \"\"\" Load the json format cmvn stats file and calculate cmvn\n", - "\n", - " Args:\n", - " json_cmvn_file: cmvn stats file in json format\n", - "\n", - " Returns:\n", - " a numpy array of [means, vars]\n", - " \"\"\"\n", - " with open(json_cmvn_file) as f:\n", - " cmvn_stats = json.load(f)\n", - "\n", - " means = cmvn_stats['mean_stat']\n", - " variance = cmvn_stats['var_stat']\n", - " count = cmvn_stats['frame_num']\n", - " for i in range(len(means)):\n", - " means[i] /= count\n", - " variance[i] = variance[i] / count - means[i] * means[i]\n", - " if variance[i] < 1.0e-20:\n", - " variance[i] = 1.0e-20\n", - " variance[i] = 1.0 / math.sqrt(variance[i])\n", - " cmvn = np.array([means, variance])\n", - " return cmvn\n", - "\n", - "\n", - "def _load_kaldi_cmvn(kaldi_cmvn_file):\n", - " \"\"\" Load the kaldi format cmvn stats file and calculate cmvn\n", - "\n", - " Args:\n", - " kaldi_cmvn_file: kaldi text style global cmvn file, which\n", - " is generated by:\n", - " compute-cmvn-stats --binary=false scp:feats.scp global_cmvn\n", - "\n", - " Returns:\n", - " a numpy array of [means, vars]\n", - " \"\"\"\n", - " means = []\n", - " variance = []\n", - " with open(kaldi_cmvn_file, 'r') as fid:\n", - " # kaldi binary file start with '\\0B'\n", - " if fid.read(2) == '\\0B':\n", - " logger.error('kaldi cmvn binary file is not supported, please '\n", - " 'recompute it by: compute-cmvn-stats --binary=false '\n", - " ' scp:feats.scp global_cmvn')\n", - " sys.exit(1)\n", - " fid.seek(0)\n", - " arr = fid.read().split()\n", - " assert (arr[0] == '[')\n", - " assert (arr[-2] == '0')\n", - " assert (arr[-1] == ']')\n", - " feat_dim = int((len(arr) - 2 - 2) / 2)\n", - " for i in range(1, feat_dim + 1):\n", - " means.append(float(arr[i]))\n", - " count = float(arr[feat_dim + 1])\n", - " for i in range(feat_dim + 2, 2 * feat_dim + 2):\n", - " variance.append(float(arr[i]))\n", - "\n", - " for i in range(len(means)):\n", - " means[i] /= count\n", - " variance[i] = variance[i] / count - means[i] * means[i]\n", - " if variance[i] < 1.0e-20:\n", - " variance[i] = 1.0e-20\n", - " variance[i] = 1.0 / math.sqrt(variance[i])\n", - " cmvn = np.array([means, variance])\n", - " return cmvn\n", - "\n", - "\n", - "def _load_npz_cmvn(npz_cmvn_file, eps=1e-20):\n", - " npzfile = np.load(npz_cmvn_file)\n", - " means = npzfile[\"mean\"] #(1, D)\n", - " std = npzfile[\"std\"] #(1, D)\n", - " std = np.clip(std, eps, None)\n", - " variance = 1.0 / std\n", - " cmvn = np.array([means, variance])\n", - " return cmvn\n", - "\n", - "\n", - "def load_cmvn(cmvn_file: str, filetype: str):\n", - " \"\"\"load cmvn from file.\n", - "\n", - " Args:\n", - " cmvn_file (str): cmvn path.\n", - " filetype (str): file type, optional[npz, json, kaldi].\n", - "\n", - " Raises:\n", - " ValueError: file type not support.\n", - "\n", - " Returns:\n", - " Tuple[np.ndarray, np.ndarray]: mean, istd\n", - " \"\"\"\n", - " assert filetype in ['npz', 'json', 'kaldi'], filetype\n", - " filetype = filetype.lower()\n", - " if filetype == \"json\":\n", - " cmvn = _load_json_cmvn(cmvn_file)\n", - " elif filetype == \"kaldi\":\n", - " cmvn = _load_kaldi_cmvn(cmvn_file)\n", - " elif filetype == \"npz\":\n", - " cmvn = _load_npz_cmvn(cmvn_file)\n", - " else:\n", - " raise ValueError(f\"cmvn file type no support: {filetype}\")\n", - " return cmvn[0], cmvn[1]\n", - "\n", - "mean, istd = load_cmvn(args.cmvn, 'json')\n", - "print(mean.shape)\n", - "print(istd.shape)\n", - "print(mean)\n", - "print(istd)" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "id": "3cfa5e23", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "ASRModel(\n", - " (encoder): ConformerEncoder(\n", - " (global_cmvn): GlobalCMVN()\n", - " (embed): Conv2dSubsampling4(\n", - " (conv): Sequential(\n", - " (0): Conv2d(1, 256, kernel_size=(3, 3), stride=(2, 2))\n", - " (1): ReLU()\n", - " (2): Conv2d(256, 256, kernel_size=(3, 3), stride=(2, 2))\n", - " (3): ReLU()\n", - " )\n", - " (out): Sequential(\n", - " (0): Linear(in_features=4864, out_features=256, bias=True)\n", - " )\n", - " (pos_enc): RelPositionalEncoding(\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " )\n", - " )\n", - " (after_norm): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (encoders): ModuleList(\n", - " (0): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (1): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (2): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (3): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (4): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (5): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (6): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (7): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (8): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (9): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (10): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (11): ConformerEncoderLayer(\n", - " (self_attn): RelPositionMultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " (linear_pos): Linear(in_features=256, out_features=256, bias=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (feed_forward_macaron): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): Swish()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (conv_module): ConvolutionModule(\n", - " (pointwise_conv1): Conv1d(256, 512, kernel_size=(1,), stride=(1,))\n", - " (depthwise_conv): Conv1d(256, 256, kernel_size=(15,), stride=(1,), padding=(7,), groups=256)\n", - " (norm): BatchNorm1d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", - " (pointwise_conv2): Conv1d(256, 256, kernel_size=(1,), stride=(1,))\n", - " (activation): Swish()\n", - " )\n", - " (norm_ff): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_mha): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_ff_macaron): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_conv): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm_final): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " )\n", - " )\n", - " (decoder): TransformerDecoder(\n", - " (embed): Sequential(\n", - " (0): Embedding(4233, 256)\n", - " (1): PositionalEncoding(\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " )\n", - " )\n", - " (after_norm): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (output_layer): Linear(in_features=256, out_features=4233, bias=True)\n", - " (decoders): ModuleList(\n", - " (0): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (norm1): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm2): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm3): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, bias=True)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (1): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (norm1): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm2): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm3): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, bias=True)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (2): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (norm1): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm2): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm3): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, bias=True)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (3): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (norm1): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm2): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm3): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, bias=True)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (4): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (norm1): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm2): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm3): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, bias=True)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " (5): DecoderLayer(\n", - " (self_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (src_attn): MultiHeadedAttention(\n", - " (linear_q): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_k): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_v): Linear(in_features=256, out_features=256, bias=True)\n", - " (linear_out): Linear(in_features=256, out_features=256, bias=True)\n", - " (dropout): Dropout(p=0.0, inplace=False)\n", - " )\n", - " (feed_forward): PositionwiseFeedForward(\n", - " (w_1): Linear(in_features=256, out_features=2048, bias=True)\n", - " (activation): ReLU()\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (w_2): Linear(in_features=2048, out_features=256, bias=True)\n", - " )\n", - " (norm1): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm2): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (norm3): LayerNorm((256,), eps=1e-12, elementwise_affine=True)\n", - " (dropout): Dropout(p=0.1, inplace=False)\n", - " (concat_linear1): Linear(in_features=512, out_features=256, bias=True)\n", - " (concat_linear2): Linear(in_features=512, out_features=256, bias=True)\n", - " )\n", - " )\n", - " )\n", - " (ctc): CTC(\n", - " (ctc_lo): Linear(in_features=256, out_features=4233, bias=True)\n", - " (ctc_loss): CTCLoss()\n", - " )\n", - " (criterion_att): LabelSmoothingLoss(\n", - " (criterion): KLDivLoss()\n", - " )\n", - ")\n" - ] - } - ], - "source": [ - "# Init asr model from configs\n", - "model = init_asr_model(configs)\n", - "print(model)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "id": "3c780af5", - "metadata": {}, - "outputs": [], - "source": [ - "\n", - "def summary(layer, print_func=print):\n", - " num_params = num_elements = 0\n", - " for name, param in layer.state_dict().items():\n", - " if print_func:\n", - " print_func(\n", - " \"{} | {} | {}\".format(name, param.shape, np.prod(param.shape)))\n", - " num_elements += np.prod(param.shape)\n", - " num_params += 1\n", - " if print_func:\n", - " print_func(\n", - " f\"Total parameters: {num_params}, {num_elements} elements.\"\n", - " )\n", - " \n", - "def print_params(model, print_func=print):\n", - " if print_func is None:\n", - " return\n", - " total = 0.0\n", - " num_params = 0.0\n", - " for n, p in model.named_parameters():\n", - " msg = f\"{n} | {p.shape} | {np.prod(p.shape)} | {p.requires_grad}\"\n", - " total += np.prod(p.shape)\n", - " num_params += 1\n", - " if print_func:\n", - " print_func(msg)\n", - " if print_func:\n", - " print_func(f\"Total parameters: {num_params}, {total} elements.\")" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "id": "e159a200", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "encoder.global_cmvn.mean | torch.Size([80]) | 80\n", - "encoder.global_cmvn.istd | torch.Size([80]) | 80\n", - "encoder.embed.conv.0.weight | torch.Size([256, 1, 3, 3]) | 2304\n", - "encoder.embed.conv.0.bias | torch.Size([256]) | 256\n", - "encoder.embed.conv.2.weight | torch.Size([256, 256, 3, 3]) | 589824\n", - "encoder.embed.conv.2.bias | torch.Size([256]) | 256\n", - "encoder.embed.out.0.weight | torch.Size([256, 4864]) | 1245184\n", - "encoder.embed.out.0.bias | torch.Size([256]) | 256\n", - "encoder.after_norm.weight | torch.Size([256]) | 256\n", - "encoder.after_norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.0.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.0.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.0.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.0.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.0.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.0.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.0.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.0.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.0.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.0.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.0.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.0.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.0.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.0.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.0.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.0.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.0.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.0.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.0.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.0.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.0.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.0.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.0.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.0.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.1.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.1.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.1.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.1.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.1.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.1.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.1.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.1.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.1.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.1.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.1.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.1.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.1.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.1.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.1.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.1.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.1.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.1.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.1.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.1.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.1.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.1.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.1.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.1.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.2.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.2.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.2.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.2.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.2.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.2.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.2.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.2.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.2.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.2.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.2.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.2.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.2.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.2.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.2.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.2.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.2.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.2.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.2.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.2.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.2.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.2.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.2.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.2.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.3.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.3.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.3.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.3.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.3.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.3.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.3.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.3.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.3.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.3.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.3.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.3.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.3.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.3.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.3.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.3.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.3.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.3.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.3.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.3.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.3.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.3.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.3.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.3.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.4.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.4.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.4.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.4.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.4.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.4.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.4.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.4.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.4.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.4.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.4.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.4.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.4.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.4.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.4.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.4.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.4.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.4.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.4.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.4.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.4.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.4.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.4.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.4.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.5.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.5.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.5.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.5.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.5.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.5.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.5.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.5.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.5.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.5.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.5.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.5.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.5.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.5.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.5.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.5.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.5.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.5.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.5.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.5.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.5.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.5.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.5.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.5.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.6.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.6.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.6.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.6.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.6.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.6.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.6.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.6.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.6.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.6.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.6.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.6.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.6.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.6.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.6.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.6.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.6.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.6.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.6.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.6.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.6.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.6.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.6.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.6.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.7.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.7.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.7.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.7.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.7.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.7.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.7.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.7.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.7.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.7.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.7.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.7.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.7.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.7.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.7.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.7.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.7.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.7.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.7.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.7.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.7.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.7.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.7.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.7.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.8.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.8.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.8.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.8.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.8.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.8.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.8.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.8.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.8.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.8.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.8.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.8.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.8.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.8.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.8.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.8.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.8.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.8.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.8.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.8.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.8.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.8.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.8.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.8.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.9.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.9.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.9.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.9.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.9.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.9.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.9.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.9.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.9.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.9.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.9.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.9.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.9.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.9.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.9.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.9.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.9.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.9.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.9.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.9.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.9.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.9.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.9.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.9.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.10.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.10.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.10.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.10.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.10.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.10.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.10.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.10.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.10.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.10.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.10.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.10.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.10.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.10.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.10.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.10.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.10.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.10.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.10.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.10.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.10.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.10.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.10.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.10.concat_linear.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.self_attn.pos_bias_u | torch.Size([4, 64]) | 256\n", - "encoder.encoders.11.self_attn.pos_bias_v | torch.Size([4, 64]) | 256\n", - "encoder.encoders.11.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.11.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.11.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.11.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.11.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536\n", - "encoder.encoders.11.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.11.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.11.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.11.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "encoder.encoders.11.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048\n", - "encoder.encoders.11.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "encoder.encoders.11.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072\n", - "encoder.encoders.11.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512\n", - "encoder.encoders.11.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840\n", - "encoder.encoders.11.conv_module.depthwise_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.conv_module.norm.weight | torch.Size([256]) | 256\n", - "encoder.encoders.11.conv_module.norm.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.conv_module.norm.running_mean | torch.Size([256]) | 256\n", - "encoder.encoders.11.conv_module.norm.running_var | torch.Size([256]) | 256\n", - "encoder.encoders.11.conv_module.norm.num_batches_tracked | torch.Size([]) | 1.0\n", - "encoder.encoders.11.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536\n", - "encoder.encoders.11.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_ff.weight | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_ff.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_mha.weight | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_mha.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_ff_macaron.weight | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_ff_macaron.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_conv.weight | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_conv.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_final.weight | torch.Size([256]) | 256\n", - "encoder.encoders.11.norm_final.bias | torch.Size([256]) | 256\n", - "encoder.encoders.11.concat_linear.weight | torch.Size([256, 512]) | 131072\n", - "encoder.encoders.11.concat_linear.bias | torch.Size([256]) | 256\n", - "decoder.embed.0.weight | torch.Size([4233, 256]) | 1083648\n", - "decoder.after_norm.weight | torch.Size([256]) | 256\n", - "decoder.after_norm.bias | torch.Size([256]) | 256\n", - "decoder.output_layer.weight | torch.Size([4233, 256]) | 1083648\n", - "decoder.output_layer.bias | torch.Size([4233]) | 4233\n", - "decoder.decoders.0.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.0.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.0.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.0.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.0.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.0.src_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.0.src_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.0.src_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.0.src_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "decoder.decoders.0.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "decoder.decoders.0.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "decoder.decoders.0.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.norm1.weight | torch.Size([256]) | 256\n", - "decoder.decoders.0.norm1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.norm2.weight | torch.Size([256]) | 256\n", - "decoder.decoders.0.norm2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.norm3.weight | torch.Size([256]) | 256\n", - "decoder.decoders.0.norm3.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.concat_linear1.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.0.concat_linear1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.0.concat_linear2.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.0.concat_linear2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.1.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.1.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.1.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.1.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.1.src_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.1.src_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.1.src_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.1.src_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "decoder.decoders.1.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "decoder.decoders.1.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "decoder.decoders.1.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.norm1.weight | torch.Size([256]) | 256\n", - "decoder.decoders.1.norm1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.norm2.weight | torch.Size([256]) | 256\n", - "decoder.decoders.1.norm2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.norm3.weight | torch.Size([256]) | 256\n", - "decoder.decoders.1.norm3.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.concat_linear1.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.1.concat_linear1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.1.concat_linear2.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.1.concat_linear2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.2.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.2.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.2.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.2.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.2.src_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.2.src_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.2.src_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.2.src_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "decoder.decoders.2.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "decoder.decoders.2.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "decoder.decoders.2.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.norm1.weight | torch.Size([256]) | 256\n", - "decoder.decoders.2.norm1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.norm2.weight | torch.Size([256]) | 256\n", - "decoder.decoders.2.norm2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.norm3.weight | torch.Size([256]) | 256\n", - "decoder.decoders.2.norm3.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.concat_linear1.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.2.concat_linear1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.2.concat_linear2.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.2.concat_linear2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.3.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.3.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.3.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.3.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.3.src_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.3.src_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.3.src_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.3.src_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "decoder.decoders.3.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "decoder.decoders.3.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "decoder.decoders.3.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.norm1.weight | torch.Size([256]) | 256\n", - "decoder.decoders.3.norm1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.norm2.weight | torch.Size([256]) | 256\n", - "decoder.decoders.3.norm2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.norm3.weight | torch.Size([256]) | 256\n", - "decoder.decoders.3.norm3.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.concat_linear1.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.3.concat_linear1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.3.concat_linear2.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.3.concat_linear2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.4.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.4.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.4.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.4.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.4.src_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.4.src_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.4.src_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.4.src_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "decoder.decoders.4.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "decoder.decoders.4.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "decoder.decoders.4.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.norm1.weight | torch.Size([256]) | 256\n", - "decoder.decoders.4.norm1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.norm2.weight | torch.Size([256]) | 256\n", - "decoder.decoders.4.norm2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.norm3.weight | torch.Size([256]) | 256\n", - "decoder.decoders.4.norm3.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.concat_linear1.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.4.concat_linear1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.4.concat_linear2.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.4.concat_linear2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.5.self_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.5.self_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.5.self_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.5.self_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.5.src_attn.linear_q.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.5.src_attn.linear_k.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.5.src_attn.linear_v.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536\n", - "decoder.decoders.5.src_attn.linear_out.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288\n", - "decoder.decoders.5.feed_forward.w_1.bias | torch.Size([2048]) | 2048\n", - "decoder.decoders.5.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288\n", - "decoder.decoders.5.feed_forward.w_2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.norm1.weight | torch.Size([256]) | 256\n", - "decoder.decoders.5.norm1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.norm2.weight | torch.Size([256]) | 256\n", - "decoder.decoders.5.norm2.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.norm3.weight | torch.Size([256]) | 256\n", - "decoder.decoders.5.norm3.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.concat_linear1.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.5.concat_linear1.bias | torch.Size([256]) | 256\n", - "decoder.decoders.5.concat_linear2.weight | torch.Size([256, 512]) | 131072\n", - "decoder.decoders.5.concat_linear2.bias | torch.Size([256]) | 256\n", - "ctc.ctc_lo.weight | torch.Size([4233, 256]) | 1083648\n", - "ctc.ctc_lo.bias | torch.Size([4233]) | 4233\n", - "Total parameters: 701, 49355454.0 elements.\n" - ] - } - ], - "source": [ - "summary(model)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "8494c6ab", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 13, - "id": "0648a969", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "encoder.embed.conv.0.weight | torch.Size([256, 1, 3, 3]) | 2304 | True\n", - "encoder.embed.conv.0.bias | torch.Size([256]) | 256 | True\n", - "encoder.embed.conv.2.weight | torch.Size([256, 256, 3, 3]) | 589824 | True\n", - "encoder.embed.conv.2.bias | torch.Size([256]) | 256 | True\n", - "encoder.embed.out.0.weight | torch.Size([256, 4864]) | 1245184 | True\n", - "encoder.embed.out.0.bias | torch.Size([256]) | 256 | True\n", - "encoder.after_norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.after_norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.0.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.0.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.0.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.0.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.0.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.0.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.0.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.0.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.0.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.0.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.0.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.0.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.0.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.0.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.0.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.0.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.1.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.1.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.1.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.1.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.1.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.1.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.1.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.1.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.1.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.1.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.1.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.1.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.1.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.1.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.1.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.1.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.2.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.2.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.2.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.2.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.2.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.2.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.2.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.2.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.2.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.2.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.2.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.2.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.2.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.2.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.2.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.2.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.3.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.3.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.3.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.3.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.3.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.3.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.3.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.3.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.3.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.3.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.3.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.3.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.3.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.3.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.3.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.3.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.4.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.4.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.4.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.4.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.4.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.4.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.4.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.4.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.4.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.4.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.4.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.4.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.4.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.4.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.4.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.4.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.5.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.5.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.5.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.5.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.5.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.5.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.5.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.5.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.5.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.5.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.5.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.5.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.5.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.5.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.5.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.5.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.6.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.6.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.6.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.6.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.6.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.6.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.6.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.6.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.6.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.6.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.6.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.6.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.6.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.6.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.6.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.6.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.7.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.7.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.7.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.7.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.7.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.7.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.7.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.7.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.7.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.7.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.7.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.7.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.7.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.7.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.7.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.7.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.8.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.8.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.8.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.8.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.8.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.8.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.8.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.8.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.8.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.8.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.8.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.8.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.8.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.8.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.8.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.8.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.9.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.9.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.9.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.9.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.9.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.9.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.9.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.9.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.9.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.9.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.9.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.9.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.9.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.9.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.9.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.9.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.10.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.10.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.10.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.10.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.10.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.10.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.10.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.10.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.10.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.10.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.10.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.10.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.10.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.10.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.10.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.10.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.self_attn.pos_bias_u | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.11.self_attn.pos_bias_v | torch.Size([4, 64]) | 256 | True\n", - "encoder.encoders.11.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.11.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.self_attn.linear_pos.weight | torch.Size([256, 256]) | 65536 | True\n", - "encoder.encoders.11.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.11.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.11.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.11.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.feed_forward_macaron.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "encoder.encoders.11.feed_forward_macaron.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "encoder.encoders.11.feed_forward_macaron.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "encoder.encoders.11.feed_forward_macaron.w_2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.conv_module.pointwise_conv1.weight | torch.Size([512, 256, 1]) | 131072 | True\n", - "encoder.encoders.11.conv_module.pointwise_conv1.bias | torch.Size([512]) | 512 | True\n", - "encoder.encoders.11.conv_module.depthwise_conv.weight | torch.Size([256, 1, 15]) | 3840 | True\n", - "encoder.encoders.11.conv_module.depthwise_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.conv_module.norm.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.conv_module.norm.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.conv_module.pointwise_conv2.weight | torch.Size([256, 256, 1]) | 65536 | True\n", - "encoder.encoders.11.conv_module.pointwise_conv2.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_ff.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_ff.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_mha.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_mha.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_ff_macaron.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_ff_macaron.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_conv.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_conv.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_final.weight | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.norm_final.bias | torch.Size([256]) | 256 | True\n", - "encoder.encoders.11.concat_linear.weight | torch.Size([256, 512]) | 131072 | True\n", - "encoder.encoders.11.concat_linear.bias | torch.Size([256]) | 256 | True\n", - "decoder.embed.0.weight | torch.Size([4233, 256]) | 1083648 | True\n", - "decoder.after_norm.weight | torch.Size([256]) | 256 | True\n", - "decoder.after_norm.bias | torch.Size([256]) | 256 | True\n", - "decoder.output_layer.weight | torch.Size([4233, 256]) | 1083648 | True\n", - "decoder.output_layer.bias | torch.Size([4233]) | 4233 | True\n", - "decoder.decoders.0.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.0.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.0.src_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "decoder.decoders.0.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "decoder.decoders.0.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "decoder.decoders.0.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.norm1.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.norm1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.norm2.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.norm2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.norm3.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.norm3.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.concat_linear1.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.0.concat_linear1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.0.concat_linear2.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.0.concat_linear2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.1.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.1.src_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "decoder.decoders.1.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "decoder.decoders.1.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "decoder.decoders.1.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.norm1.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.norm1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.norm2.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.norm2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.norm3.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.norm3.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.concat_linear1.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.1.concat_linear1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.1.concat_linear2.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.1.concat_linear2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.2.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.2.src_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "decoder.decoders.2.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "decoder.decoders.2.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "decoder.decoders.2.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.norm1.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.norm1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.norm2.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.norm2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.norm3.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.norm3.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.concat_linear1.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.2.concat_linear1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.2.concat_linear2.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.2.concat_linear2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.3.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.3.src_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "decoder.decoders.3.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "decoder.decoders.3.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "decoder.decoders.3.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.norm1.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.norm1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.norm2.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.norm2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.norm3.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.norm3.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.concat_linear1.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.3.concat_linear1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.3.concat_linear2.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.3.concat_linear2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.4.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.4.src_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "decoder.decoders.4.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "decoder.decoders.4.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "decoder.decoders.4.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.norm1.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.norm1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.norm2.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.norm2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.norm3.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.norm3.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.concat_linear1.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.4.concat_linear1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.4.concat_linear2.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.4.concat_linear2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.self_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.self_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.self_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.self_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.5.self_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.src_attn.linear_q.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_q.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.src_attn.linear_k.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_k.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.src_attn.linear_v.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_v.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.src_attn.linear_out.weight | torch.Size([256, 256]) | 65536 | True\n", - "decoder.decoders.5.src_attn.linear_out.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.feed_forward.w_1.weight | torch.Size([2048, 256]) | 524288 | True\n", - "decoder.decoders.5.feed_forward.w_1.bias | torch.Size([2048]) | 2048 | True\n", - "decoder.decoders.5.feed_forward.w_2.weight | torch.Size([256, 2048]) | 524288 | True\n", - "decoder.decoders.5.feed_forward.w_2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.norm1.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.norm1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.norm2.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.norm2.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.norm3.weight | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.norm3.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.concat_linear1.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.5.concat_linear1.bias | torch.Size([256]) | 256 | True\n", - "decoder.decoders.5.concat_linear2.weight | torch.Size([256, 512]) | 131072 | True\n", - "decoder.decoders.5.concat_linear2.bias | torch.Size([256]) | 256 | True\n", - "ctc.ctc_lo.weight | torch.Size([4233, 256]) | 1083648 | True\n", - "ctc.ctc_lo.bias | torch.Size([4233]) | 4233 | True\n", - "Total parameters: 663.0, 49349138.0 elements.\n" - ] - } - ], - "source": [ - "print_params(model)" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "id": "5ad6de2a", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['BAC009S0739W0246', 'BAC009S0727W0424', 'BAC009S0753W0412', 'BAC009S0756W0206', 'BAC009S0740W0414', 'BAC009S0728W0426', 'BAC009S0739W0214', 'BAC009S0753W0423', 'BAC009S0734W0201', 'BAC009S0740W0427', 'BAC009S0730W0423', 'BAC009S0728W0367', 'BAC009S0730W0418', 'BAC009S0727W0157', 'BAC009S0749W0409', 'BAC009S0727W0418']\n", - "torch.Size([16, 207, 80])\n", - "tensor([[[ 8.9946, 9.5383, 9.1916, ..., 10.5074, 9.5633, 8.2564],\n", - " [ 9.7988, 10.4052, 9.2651, ..., 10.2512, 9.5440, 8.8738],\n", - " [10.6891, 10.3955, 8.0535, ..., 9.9067, 10.0649, 8.0509],\n", - " ...,\n", - " [ 9.2180, 9.6507, 8.5053, ..., 9.6872, 8.7425, 7.9865],\n", - " [10.1291, 9.9352, 9.3798, ..., 9.5639, 9.8260, 8.9795],\n", - " [ 9.0955, 7.1338, 9.4680, ..., 9.4727, 9.0212, 7.4479]],\n", - "\n", - " [[11.4310, 10.6719, 6.0841, ..., 9.3827, 8.7297, 7.5316],\n", - " [ 9.7317, 7.8105, 7.5715, ..., 10.0430, 9.2436, 7.3541],\n", - " [10.6502, 10.6006, 8.4678, ..., 9.2814, 9.1869, 8.0703],\n", - " ...,\n", - " [ 9.0970, 9.2637, 8.0753, ..., 8.4318, 8.3705, 8.0029],\n", - " [10.4617, 10.1478, 6.7693, ..., 9.7794, 9.5775, 8.0807],\n", - " [ 7.7944, 5.6211, 7.9751, ..., 9.9972, 9.8497, 8.0313]],\n", - "\n", - " [[ 7.3456, 7.8964, 7.5796, ..., 11.6310, 10.4513, 9.1236],\n", - " [ 8.6287, 8.4631, 7.4992, ..., 12.4160, 10.9757, 8.9426],\n", - " [ 9.8314, 10.2813, 8.9724, ..., 12.1387, 10.4017, 9.0055],\n", - " ...,\n", - " [ 7.0896, 7.4055, 6.8143, ..., 9.3252, 9.2732, 8.3534],\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000]],\n", - "\n", - " ...,\n", - "\n", - " [[10.9332, 10.4644, 7.7203, ..., 10.3488, 9.3023, 7.1553],\n", - " [10.4499, 9.9070, 9.0293, ..., 9.9525, 9.4141, 7.5593],\n", - " [10.4877, 9.8126, 9.8952, ..., 9.5866, 9.3413, 7.7849],\n", - " ...,\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000]],\n", - "\n", - " [[ 9.9444, 9.5859, 8.2203, ..., 11.5886, 11.0450, 8.8171],\n", - " [ 7.6784, 8.3224, 7.5330, ..., 11.0551, 10.5357, 9.2746],\n", - " [ 8.6262, 9.6759, 9.8410, ..., 11.3788, 10.9221, 8.9914],\n", - " ...,\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000]],\n", - "\n", - " [[ 8.1079, 7.7590, 6.7103, ..., 12.6506, 11.4662, 11.0615],\n", - " [11.3803, 11.2220, 8.6589, ..., 12.8106, 12.2222, 11.6893],\n", - " [10.6777, 9.9206, 8.0461, ..., 13.5729, 12.5624, 11.1550],\n", - " ...,\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000],\n", - " [ 0.0000, 0.0000, 0.0000, ..., 0.0000, 0.0000, 0.0000]]])\n", - "tensor([207, 207, 205, 205, 203, 203, 198, 197, 195, 188, 186, 186, 185, 180,\n", - " 166, 163], dtype=torch.int32)\n", - "tensor([[2995, 3116, 1209, 565, -1, -1],\n", - " [ 236, 1176, 331, 66, 3925, 4077],\n", - " [2693, 524, 234, 1145, 366, -1],\n", - " [3875, 4211, 3062, 700, -1, -1],\n", - " [ 272, 987, 1134, 494, 2959, -1],\n", - " [1936, 3715, 120, 2553, 2695, 2710],\n", - " [ 25, 1149, 3930, -1, -1, -1],\n", - " [1753, 1778, 1237, 482, 3925, 110],\n", - " [3703, 2, 565, 3827, -1, -1],\n", - " [1150, 2734, 10, 2478, 3490, -1],\n", - " [ 426, 811, 95, 489, 144, -1],\n", - " [2313, 2006, 489, 975, -1, -1],\n", - " [3702, 3414, 205, 1488, 2966, 1347],\n", - " [ 70, 1741, 702, 1666, -1, -1],\n", - " [ 703, 1778, 1030, 849, -1, -1],\n", - " [ 814, 1674, 115, 3827, -1, -1]], dtype=torch.int32)\n", - "tensor([4, 6, 5, 4, 5, 6, 3, 6, 4, 5, 5, 4, 6, 4, 4, 4], dtype=torch.int32)\n" - ] - } - ], - "source": [ - "for batch in cv_data_loader:\n", - " keys, feat, text, feat_len, text_len = batch\n", - " print(keys)\n", - " print(feat.shape)\n", - " print(feat)\n", - " print(feat_len)\n", - " print(text)\n", - " print(text_len)\n", - " np.savez('data.npz', keys=keys, feat=feat.numpy(), feat_len=feat_len.numpy(), text=text.numpy(), text_len=text_len.numpy())\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "id": "852a9c95", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CODE_OF_CONDUCT.md data.npz install.sh README.md\t tools\r\n", - "CONTRIBUTING.md docs LICENSE\t requirements.txt venv\r\n", - "CPPLINT.cfg\t examples Makefile\t runtime\t wenet\r\n" - ] - } - ], - "source": [ - "!ls\n", - "!cp data.npz /workspace/DeepSpeech-2.x/.notebook" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "id": "cde24c4e", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor(111.9988)\n", - "tensor(830.9634, grad_fn=)\n", - "tensor([False, False, False, False, False, True, True, False, False, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " True, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, False, True, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, True, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " False, True, True, False, False, False, False, False, False, True,\n", - " False, False, False, False, False, False, True, False, False, False,\n", - " False, False, True, True, False, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, True, True, False, False, False, False, False,\n", - " True, True])\n", - "tensor(669.4633, grad_fn=)\n", - "tensor(142.4888, grad_fn=) tensor(41.8415, grad_fn=) tensor(377.3326, grad_fn=)\n" - ] - } - ], - "source": [ - "model.cpu().eval()\n", - "total_loss, attention_loss, ctc_loss = model(feat, feat_len,\n", - " text, text_len)\n", - "print(total_loss, attention_loss, ctc_loss )" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "id": "be5b2a2c", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "cpu\n" - ] - } - ], - "source": [ - "print(total_loss.device)" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "id": "5b791771", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor(112., device='cuda:0')\n", - "tensor(830.9634, device='cuda:0', grad_fn=)\n", - "tensor([False, False, False, False, False, True, True, False, False, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " True, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, False, True, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, True, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " False, True, True, False, False, False, False, False, False, True,\n", - " False, False, False, False, False, False, True, False, False, False,\n", - " False, False, True, True, False, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, True, True, False, False, False, False, False,\n", - " True, True], device='cuda:0')\n", - "tensor(669.4634, device='cuda:0', grad_fn=)\n", - "cuda:0\n", - "142.4888 41.84146 377.33258\n" - ] - } - ], - "source": [ - "model.cuda().eval()\n", - "feat=feat.cuda()\n", - "feat_len=feat_len.cuda()\n", - "text=text.cuda()\n", - "text_len=text_len.cuda()\n", - "\n", - "total_loss, attention_loss, ctc_loss = model(feat, feat_len,\n", - " text, text_len)\n", - "print(total_loss.device)\n", - "print(total_loss.cpu().data.numpy(), attention_loss.cpu().data.numpy(), ctc_loss.cpu().data.numpy() )" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "id": "1baef537", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "torch.Size([16, 51, 256])\n", - "torch.Size([16, 1, 51])\n", - "tensor([[-0.7019, 0.5625, 0.6880, ..., 1.1237, 0.7804, 1.1369],\n", - " [-0.7788, 0.3913, 0.7189, ..., 1.2519, 0.8862, 1.3173],\n", - " [-0.9591, 0.6346, 0.8767, ..., 0.9818, 0.7440, 1.2903],\n", - " ...,\n", - " [-1.0732, 0.6724, 0.9230, ..., 0.9075, 0.8177, 1.3240],\n", - " [-1.1654, 0.6820, 0.6939, ..., 1.2238, 0.8028, 1.4507],\n", - " [-1.2732, 0.7146, 0.7582, ..., 0.9415, 0.8775, 1.2623]],\n", - " device='cuda:0', grad_fn=)\n" - ] - } - ], - "source": [ - "encoder_out, encoder_mask = model.encoder(feat, feat_len)\n", - "print(encoder_out.shape)\n", - "print(encoder_mask.shape)\n", - "print(encoder_out[0])\n", - "\n", - "np.savez('/workspace/DeepSpeech-2.x/.notebook/encoder.npz',\n", - " mask=encoder_mask.cpu().detach().numpy(), \n", - " out=encoder_out.cpu().detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "3e22c782", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 20, - "id": "30b6b946", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[ 9.871763 9.938915 10.238187 10.8597145 11.686526 12.25488\n", - " 12.657681 12.86139 12.807339 12.566256 12.32007 12.138792\n", - " 12.313189 12.552552 12.612239 12.569745 12.389728 12.143833\n", - " 12.092851 11.793959 11.622591 11.926331 11.815442 11.951225\n", - " 11.831805 11.887888 11.790144 11.88072 11.900057 11.973481\n", - " 12.009822 12.008814 12.026197 12.104796 12.21555 12.343993\n", - " 12.450144 12.496688 12.486538 12.355079 12.392918 12.255374\n", - " 12.264963 12.253142 12.325458 12.4335985 12.548675 12.676334\n", - " 12.809207 12.929347 12.961151 12.968834 12.995931 13.047281\n", - " 13.058881 13.05738 12.999211 12.934022 12.874292 12.71653\n", - " 12.48942 12.274784 12.261631 12.286319 12.31956 12.422907\n", - " 12.514802 12.578516 12.647194 12.737626 12.800171 12.868728\n", - " 12.966668 13.064786 13.159159 13.272843 13.310819 13.239043\n", - " 12.879361 11.183102 ] float32\n", - "encoder.embed.out.0.weight: (256, 4864) -> (4864, 256)\n", - "encoder.encoders.0.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.0.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.0.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.0.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.0.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.0.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.0.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.0.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.0.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.0.conv_module.norm.running_mean -> encoder.encoders.0.conv_module.norm._mean\n", - "encoder.encoders.0.conv_module.norm.running_var -> encoder.encoders.0.conv_module.norm._variance\n", - "encoder.encoders.0.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.1.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.1.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.1.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.1.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.1.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.1.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.1.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.1.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.1.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.1.conv_module.norm.running_mean -> encoder.encoders.1.conv_module.norm._mean\n", - "encoder.encoders.1.conv_module.norm.running_var -> encoder.encoders.1.conv_module.norm._variance\n", - "encoder.encoders.1.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.2.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.2.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.2.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.2.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.2.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.2.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.2.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.2.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.2.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.2.conv_module.norm.running_mean -> encoder.encoders.2.conv_module.norm._mean\n", - "encoder.encoders.2.conv_module.norm.running_var -> encoder.encoders.2.conv_module.norm._variance\n", - "encoder.encoders.2.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.3.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.3.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.3.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.3.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.3.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.3.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.3.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.3.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.3.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.3.conv_module.norm.running_mean -> encoder.encoders.3.conv_module.norm._mean\n", - "encoder.encoders.3.conv_module.norm.running_var -> encoder.encoders.3.conv_module.norm._variance\n", - "encoder.encoders.3.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.4.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.4.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.4.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.4.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.4.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.4.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.4.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.4.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.4.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.4.conv_module.norm.running_mean -> encoder.encoders.4.conv_module.norm._mean\n", - "encoder.encoders.4.conv_module.norm.running_var -> encoder.encoders.4.conv_module.norm._variance\n", - "encoder.encoders.4.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.5.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.5.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.5.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.5.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.5.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.5.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.5.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.5.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.5.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.5.conv_module.norm.running_mean -> encoder.encoders.5.conv_module.norm._mean\n", - "encoder.encoders.5.conv_module.norm.running_var -> encoder.encoders.5.conv_module.norm._variance\n", - "encoder.encoders.5.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.6.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.6.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.6.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.6.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.6.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.6.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.6.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.6.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.6.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.6.conv_module.norm.running_mean -> encoder.encoders.6.conv_module.norm._mean\n", - "encoder.encoders.6.conv_module.norm.running_var -> encoder.encoders.6.conv_module.norm._variance\n", - "encoder.encoders.6.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.7.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.7.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.7.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.7.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.7.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.7.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.7.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.7.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.7.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.7.conv_module.norm.running_mean -> encoder.encoders.7.conv_module.norm._mean\n", - "encoder.encoders.7.conv_module.norm.running_var -> encoder.encoders.7.conv_module.norm._variance\n", - "encoder.encoders.7.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.8.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.8.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.8.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.8.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.8.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.8.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.8.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.8.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.8.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.8.conv_module.norm.running_mean -> encoder.encoders.8.conv_module.norm._mean\n", - "encoder.encoders.8.conv_module.norm.running_var -> encoder.encoders.8.conv_module.norm._variance\n", - "encoder.encoders.8.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.9.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.9.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.9.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.9.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.9.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.9.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.9.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.9.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.9.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.9.conv_module.norm.running_mean -> encoder.encoders.9.conv_module.norm._mean\n", - "encoder.encoders.9.conv_module.norm.running_var -> encoder.encoders.9.conv_module.norm._variance\n", - "encoder.encoders.9.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.10.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.10.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.10.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.10.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.10.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.10.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.10.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.10.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.10.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.10.conv_module.norm.running_mean -> encoder.encoders.10.conv_module.norm._mean\n", - "encoder.encoders.10.conv_module.norm.running_var -> encoder.encoders.10.conv_module.norm._variance\n", - "encoder.encoders.10.concat_linear.weight: (256, 512) -> (512, 256)\n", - "encoder.encoders.11.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.11.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.11.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.11.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.11.self_attn.linear_pos.weight: (256, 256) -> (256, 256)\n", - "encoder.encoders.11.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.11.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.11.feed_forward_macaron.w_1.weight: (2048, 256) -> (256, 2048)\n", - "encoder.encoders.11.feed_forward_macaron.w_2.weight: (256, 2048) -> (2048, 256)\n", - "encoder.encoders.11.conv_module.norm.running_mean -> encoder.encoders.11.conv_module.norm._mean\n", - "encoder.encoders.11.conv_module.norm.running_var -> encoder.encoders.11.conv_module.norm._variance\n", - "encoder.encoders.11.concat_linear.weight: (256, 512) -> (512, 256)\n", - "decoder.output_layer.weight: (4233, 256) -> (256, 4233)\n", - "decoder.decoders.0.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.0.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.0.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.0.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.0.src_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.0.src_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.0.src_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.0.src_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.0.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "decoder.decoders.0.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "decoder.decoders.0.concat_linear1.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.0.concat_linear2.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.1.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.1.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.1.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.1.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.1.src_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.1.src_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.1.src_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.1.src_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.1.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "decoder.decoders.1.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "decoder.decoders.1.concat_linear1.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.1.concat_linear2.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.2.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.2.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.2.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.2.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.2.src_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.2.src_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.2.src_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.2.src_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.2.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "decoder.decoders.2.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "decoder.decoders.2.concat_linear1.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.2.concat_linear2.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.3.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.3.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.3.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.3.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.3.src_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.3.src_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.3.src_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.3.src_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.3.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "decoder.decoders.3.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "decoder.decoders.3.concat_linear1.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.3.concat_linear2.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.4.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.4.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.4.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.4.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.4.src_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.4.src_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.4.src_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.4.src_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.4.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "decoder.decoders.4.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "decoder.decoders.4.concat_linear1.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.4.concat_linear2.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.5.self_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.5.self_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.5.self_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.5.self_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.5.src_attn.linear_q.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.5.src_attn.linear_k.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.5.src_attn.linear_v.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.5.src_attn.linear_out.weight: (256, 256) -> (256, 256)\n", - "decoder.decoders.5.feed_forward.w_1.weight: (2048, 256) -> (256, 2048)\n", - "decoder.decoders.5.feed_forward.w_2.weight: (256, 2048) -> (2048, 256)\n", - "decoder.decoders.5.concat_linear1.weight: (256, 512) -> (512, 256)\n", - "decoder.decoders.5.concat_linear2.weight: (256, 512) -> (512, 256)\n", - "ctc.ctc_lo.weight: (4233, 256) -> (256, 4233)\n" - ] - } - ], - "source": [ - "# dump torch model to paddle\n", - "import numpy as np\n", - "state_dict = model.state_dict()\n", - "paddle_state_dict = {}\n", - "\n", - "for n, p in state_dict.items():\n", - " name_change=True\n", - "\n", - " if 'norm.running_mean' in n:\n", - " new_n = n.replace('norm.running_', 'norm._')\n", - " elif 'norm.running_var' in n:\n", - " new_n = n.replace('norm.running_var', 'norm._variance')\n", - " else:\n", - " name_change=False\n", - " new_n = n\n", - " \n", - " if name_change:\n", - " print(f\"{n} -> {new_n}\")\n", - " \n", - " p = p.cpu().detach().numpy()\n", - " if n.endswith('weight') and p.ndim == 2 and 'embed.0.weight' not in n:\n", - " new_p = p.T\n", - " print(f\"{n}: {p.shape} -> {new_p.shape}\")\n", - " else:\n", - " new_p = p\n", - " \n", - " if 'global_cmvn.mean' in n:\n", - " print(p, p.dtype)\n", - " \n", - " paddle_state_dict[new_n] = new_p\n", - " \n", - "np.savez('/workspace/DeepSpeech-2.x/.notebook/model',\n", - " state=paddle_state_dict)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "7307dc5b", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 21, - "id": "d99b29bc", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor(377.3326, device='cuda:0', grad_fn=)\n", - "None\n", - "[[ 3.16902351e+00 -1.51765049e-02 4.91097234e-02 ... -2.47973716e-03\n", - " -5.93366381e-03 -7.26613170e-03]\n", - " [-1.74185038e+00 7.75875803e-03 -4.49435972e-02 ... 9.92415240e-04\n", - " 2.46338220e-03 2.31891591e-03]\n", - " [-2.33343077e+00 1.30476682e-02 -2.66557615e-02 ... 2.27533933e-03\n", - " 5.76929189e-03 7.48792710e-03]\n", - " ...\n", - " [-4.30356789e+00 2.46056803e-02 -9.00955945e-02 ... 4.43160534e-03\n", - " 1.16123557e-02 1.44716976e-02]\n", - " [-3.36919212e+00 1.73155665e-02 -6.36875406e-02 ... 3.28367390e-03\n", - " 8.58021621e-03 1.07796099e-02]\n", - " [-6.62039661e+00 3.49958315e-02 -1.23963736e-01 ... 6.36674836e-03\n", - " 1.60815325e-02 2.03892551e-02]]\n", - "[-4.3777566e+00 2.3245990e-02 -9.3339972e-02 ... 4.2569702e-03\n", - " 1.0920014e-02 1.3787906e-02]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - ":6: UserWarning: The .grad attribute of a Tensor that is not a leaf Tensor is being accessed. Its .grad attribute won't be populated during autograd.backward(). If you indeed want the gradient for a non-leaf Tensor, use .retain_grad() on the non-leaf Tensor. If you access the non-leaf Tensor by mistake, make sure you access the leaf Tensor instead. See github.com/pytorch/pytorch/pull/30531 for more informations.\n", - " print(loss_ctc.grad)\n" - ] - } - ], - "source": [ - "encoder_out_lens = encoder_mask.squeeze(1).sum(1)\n", - "loss_ctc = model.ctc(encoder_out, encoder_out_lens, text, text_len)\n", - "print(loss_ctc)\n", - "dir(loss_ctc)\n", - "loss_ctc.backward()\n", - "print(loss_ctc.grad)\n", - "#print(model.ctc.ctc_lo.weight.grad)\n", - "print(model.ctc.ctc_lo.weight.grad.T.cpu().data.numpy())\n", - "print(model.ctc.ctc_lo.bias.grad.cpu().data.numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "id": "49b05d6d", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor(112., device='cuda:0')\n", - "tensor(830.9634, device='cuda:0', grad_fn=)\n", - "tensor([False, False, False, False, False, True, True, False, False, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " True, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, False, True, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, True, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " False, True, True, False, False, False, False, False, False, True,\n", - " False, False, False, False, False, False, True, False, False, False,\n", - " False, False, True, True, False, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, True, True, False, False, False, False, False,\n", - " True, True], device='cuda:0')\n", - "tensor(669.4634, device='cuda:0', grad_fn=)\n", - "tensor(41.8415, device='cuda:0', grad_fn=) 0.0\n" - ] - } - ], - "source": [ - "loss_att, acc_att = model._calc_att_loss(encoder_out, encoder_mask,\n", - " text, text_len)\n", - "print(loss_att, acc_att)" - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "id": "413b413f", - "metadata": {}, - "outputs": [], - "source": [ - "def pad_list(xs, pad_value: int):\n", - " n_batch = len(xs)\n", - " max_len = max([x.size(0) for x in xs])\n", - " pad = torch.zeros(n_batch, max_len, dtype=xs[0].dtype, device=xs[0].device)\n", - " pad = pad.fill_(pad_value)\n", - " for i in range(n_batch):\n", - " pad[i, :xs[i].size(0)] = xs[i]\n", - "\n", - " return pad\n", - "\n", - "def add_sos_eos(ys_pad: torch.Tensor, sos: int, eos: int,\n", - " ignore_id: int):\n", - "\n", - " _sos = torch.tensor([sos],\n", - " dtype=torch.long,\n", - " requires_grad=False,\n", - " device=ys_pad.device)\n", - " _eos = torch.tensor([eos],\n", - " dtype=torch.long,\n", - " requires_grad=False,\n", - " device=ys_pad.device)\n", - " ys = [y[y != ignore_id] for y in ys_pad] # parse padded ys\n", - " ys_in = [torch.cat([_sos, y], dim=0) for y in ys]\n", - " ys_out = [torch.cat([y, _eos], dim=0) for y in ys]\n", - " return pad_list(ys_in, eos), pad_list(ys_out, ignore_id)" - ] - }, - { - "cell_type": "code", - "execution_count": 26, - "id": "ff0c2400", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor([[4232, 2995, 3116, 1209, 565, 4232, 4232],\n", - " [4232, 236, 1176, 331, 66, 3925, 4077],\n", - " [4232, 2693, 524, 234, 1145, 366, 4232],\n", - " [4232, 3875, 4211, 3062, 700, 4232, 4232],\n", - " [4232, 272, 987, 1134, 494, 2959, 4232],\n", - " [4232, 1936, 3715, 120, 2553, 2695, 2710],\n", - " [4232, 25, 1149, 3930, 4232, 4232, 4232],\n", - " [4232, 1753, 1778, 1237, 482, 3925, 110],\n", - " [4232, 3703, 2, 565, 3827, 4232, 4232],\n", - " [4232, 1150, 2734, 10, 2478, 3490, 4232],\n", - " [4232, 426, 811, 95, 489, 144, 4232],\n", - " [4232, 2313, 2006, 489, 975, 4232, 4232],\n", - " [4232, 3702, 3414, 205, 1488, 2966, 1347],\n", - " [4232, 70, 1741, 702, 1666, 4232, 4232],\n", - " [4232, 703, 1778, 1030, 849, 4232, 4232],\n", - " [4232, 814, 1674, 115, 3827, 4232, 4232]], device='cuda:0')\n", - "tensor([[2995, 3116, 1209, 565, 4232, -1, -1],\n", - " [ 236, 1176, 331, 66, 3925, 4077, 4232],\n", - " [2693, 524, 234, 1145, 366, 4232, -1],\n", - " [3875, 4211, 3062, 700, 4232, -1, -1],\n", - " [ 272, 987, 1134, 494, 2959, 4232, -1],\n", - " [1936, 3715, 120, 2553, 2695, 2710, 4232],\n", - " [ 25, 1149, 3930, 4232, -1, -1, -1],\n", - " [1753, 1778, 1237, 482, 3925, 110, 4232],\n", - " [3703, 2, 565, 3827, 4232, -1, -1],\n", - " [1150, 2734, 10, 2478, 3490, 4232, -1],\n", - " [ 426, 811, 95, 489, 144, 4232, -1],\n", - " [2313, 2006, 489, 975, 4232, -1, -1],\n", - " [3702, 3414, 205, 1488, 2966, 1347, 4232],\n", - " [ 70, 1741, 702, 1666, 4232, -1, -1],\n", - " [ 703, 1778, 1030, 849, 4232, -1, -1],\n", - " [ 814, 1674, 115, 3827, 4232, -1, -1]], device='cuda:0')\n" - ] - } - ], - "source": [ - "ys_pad = text\n", - "ys_pad_lens = text_len\n", - "ys_in_pad, ys_out_pad = add_sos_eos(ys_pad, model.sos, model.eos,\n", - " model.ignore_id)\n", - "ys_in_lens = ys_pad_lens + 1\n", - "print(ys_in_pad)\n", - "print(ys_out_pad)" - ] - }, - { - "cell_type": "code", - "execution_count": 27, - "id": "3e84da38", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "torch.Size([16, 7, 4233])\n", - "tensor([[-3.7639e-01, -8.2272e-01, 7.4276e-01, ..., 3.4201e-01,\n", - " 1.5035e-02, 4.0337e-01],\n", - " [-8.7386e-01, -3.1389e-01, 4.1988e-01, ..., 3.7724e-01,\n", - " -1.4353e-01, -1.0024e+00],\n", - " [-4.3505e-01, 3.4505e-02, -2.8710e-01, ..., 7.7274e-02,\n", - " -1.1672e+00, -2.6849e-01],\n", - " ...,\n", - " [ 4.2471e-01, 5.8886e-01, 2.0204e-02, ..., 3.7405e-01,\n", - " 4.5470e-02, -3.7139e-01],\n", - " [-3.7978e-01, -8.1084e-01, 7.5725e-01, ..., 2.6039e-01,\n", - " -7.9347e-04, 4.2538e-01],\n", - " [-3.8280e-01, -8.1207e-01, 7.4943e-01, ..., 2.6173e-01,\n", - " -1.0499e-03, 4.2679e-01]], device='cuda:0', grad_fn=)\n" - ] - } - ], - "source": [ - "decoder_out, _ = model.decoder(encoder_out, encoder_mask, ys_in_pad,\n", - " ys_in_lens)\n", - "print(decoder_out.shape)\n", - "print(decoder_out[0])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "aac441ea", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 28, - "id": "5ddbca73", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "torch.float32\n", - "torch.int64\n", - "tensor(112., device='cuda:0')\n", - "tensor(830.9634, device='cuda:0', grad_fn=)\n", - "tensor([False, False, False, False, False, True, True, False, False, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " True, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, False, True, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, True, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " False, True, True, False, False, False, False, False, False, True,\n", - " False, False, False, False, False, False, True, False, False, False,\n", - " False, False, True, True, False, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, True, True, False, False, False, False, False,\n", - " True, True], device='cuda:0')\n", - "tensor(669.4634, device='cuda:0', grad_fn=)\n", - "tensor(41.8415, device='cuda:0', grad_fn=)\n", - "tensor([[2995, 3116, 1209, 565, 4232, -1, -1],\n", - " [ 236, 1176, 331, 66, 3925, 4077, 4232],\n", - " [2693, 524, 234, 1145, 366, 4232, -1],\n", - " [3875, 4211, 3062, 700, 4232, -1, -1],\n", - " [ 272, 987, 1134, 494, 2959, 4232, -1],\n", - " [1936, 3715, 120, 2553, 2695, 2710, 4232],\n", - " [ 25, 1149, 3930, 4232, -1, -1, -1],\n", - " [1753, 1778, 1237, 482, 3925, 110, 4232],\n", - " [3703, 2, 565, 3827, 4232, -1, -1],\n", - " [1150, 2734, 10, 2478, 3490, 4232, -1],\n", - " [ 426, 811, 95, 489, 144, 4232, -1],\n", - " [2313, 2006, 489, 975, 4232, -1, -1],\n", - " [3702, 3414, 205, 1488, 2966, 1347, 4232],\n", - " [ 70, 1741, 702, 1666, 4232, -1, -1],\n", - " [ 703, 1778, 1030, 849, 4232, -1, -1],\n", - " [ 814, 1674, 115, 3827, 4232, -1, -1]], device='cuda:0')\n", - "tensor([[-3.7639e-01, -8.2272e-01, 7.4276e-01, ..., 3.4201e-01,\n", - " 1.5035e-02, 4.0337e-01],\n", - " [-8.7386e-01, -3.1389e-01, 4.1988e-01, ..., 3.7724e-01,\n", - " -1.4353e-01, -1.0024e+00],\n", - " [-4.3505e-01, 3.4505e-02, -2.8710e-01, ..., 7.7274e-02,\n", - " -1.1672e+00, -2.6849e-01],\n", - " ...,\n", - " [ 4.2471e-01, 5.8886e-01, 2.0204e-02, ..., 3.7405e-01,\n", - " 4.5470e-02, -3.7139e-01],\n", - " [-3.7978e-01, -8.1084e-01, 7.5725e-01, ..., 2.6039e-01,\n", - " -7.9347e-04, 4.2538e-01],\n", - " [-3.8280e-01, -8.1207e-01, 7.4943e-01, ..., 2.6173e-01,\n", - " -1.0499e-03, 4.2679e-01]], device='cuda:0', grad_fn=)\n" - ] - } - ], - "source": [ - "print(decoder_out.dtype)\n", - "print(ys_out_pad.dtype)\n", - "loss_att = model.criterion_att(decoder_out, ys_out_pad)\n", - "print(loss_att)\n", - "print(ys_out_pad)\n", - "print(decoder_out[0])\n", - "np.savez('/workspace/DeepSpeech-2.x/.notebook/decoder',\n", - " decoder_out=decoder_out.cpu().detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "78f98c0b", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 29, - "id": "8d968cd3", - "metadata": {}, - "outputs": [], - "source": [ - "import torch\n", - "from torch import nn\n", - "\n", - "\n", - "class LabelSmoothingLoss(nn.Module):\n", - " def __init__(self,\n", - " size: int,\n", - " padding_idx: int,\n", - " smoothing: float,\n", - " normalize_length: bool = False):\n", - " \"\"\"Construct an LabelSmoothingLoss object.\"\"\"\n", - " super(LabelSmoothingLoss, self).__init__()\n", - " self.criterion = nn.KLDivLoss(reduction=\"none\")\n", - " self.padding_idx = padding_idx\n", - " self.confidence = 1.0 - smoothing\n", - " self.smoothing = smoothing\n", - " self.size = size\n", - " self.normalize_length = normalize_length\n", - "\n", - " def forward(self, x: torch.Tensor, target: torch.Tensor) -> torch.Tensor:\n", - " \"\"\"Compute loss between x and target.\n", - "\n", - " The model outputs and data labels tensors are flatten to\n", - " (batch*seqlen, class) shape and a mask is applied to the\n", - " padding part which should not be calculated for loss.\n", - "\n", - " Args:\n", - " x (torch.Tensor): prediction (batch, seqlen, class)\n", - " target (torch.Tensor):\n", - " target signal masked with self.padding_id (batch, seqlen)\n", - " Returns:\n", - " loss (torch.Tensor) : The KL loss, scalar float value\n", - " \"\"\"\n", - " assert x.size(2) == self.size\n", - " batch_size = x.size(0)\n", - " x = x.view(-1, self.size)\n", - " target = target.view(-1)\n", - " # use zeros_like instead of torch.no_grad() for true_dist,\n", - " # since no_grad() can not be exported by JIT\n", - " true_dist = torch.zeros_like(x)\n", - " true_dist.fill_(self.smoothing / (self.size - 1))\n", - " ignore = target == self.padding_idx # (B,)\n", - " print(self.smoothing / (self.size - 1))\n", - " print(true_dist)\n", - " total = len(target) - ignore.sum().item()\n", - " target = target.masked_fill(ignore, 0) # avoid -1 index\n", - " true_dist.scatter_(1, target.unsqueeze(1), self.confidence)\n", - " print(true_dist.dtype)\n", - " print(true_dist.square().sum())\n", - " kl = self.criterion(torch.log_softmax(x, dim=1), true_dist)\n", - " print(kl.sum())\n", - " denom = total if self.normalize_length else batch_size\n", - " print(ignore)\n", - " numer= kl.masked_fill(ignore.unsqueeze(1), 0).sum()\n", - " print(numer)\n", - " return numer /denom" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "id": "3df340ec", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2.3629489603024576e-05\n", - "tensor([[2.3629e-05, 2.3629e-05, 2.3629e-05, ..., 2.3629e-05, 2.3629e-05,\n", - " 2.3629e-05],\n", - " [2.3629e-05, 2.3629e-05, 2.3629e-05, ..., 2.3629e-05, 2.3629e-05,\n", - " 2.3629e-05],\n", - " [2.3629e-05, 2.3629e-05, 2.3629e-05, ..., 2.3629e-05, 2.3629e-05,\n", - " 2.3629e-05],\n", - " ...,\n", - " [2.3629e-05, 2.3629e-05, 2.3629e-05, ..., 2.3629e-05, 2.3629e-05,\n", - " 2.3629e-05],\n", - " [2.3629e-05, 2.3629e-05, 2.3629e-05, ..., 2.3629e-05, 2.3629e-05,\n", - " 2.3629e-05],\n", - " [2.3629e-05, 2.3629e-05, 2.3629e-05, ..., 2.3629e-05, 2.3629e-05,\n", - " 2.3629e-05]], device='cuda:0')\n", - "torch.float32\n", - "tensor(90.7203, device='cuda:0')\n", - "tensor(830.9634, device='cuda:0', grad_fn=)\n", - "tensor([False, False, False, False, False, True, True, False, False, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " True, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, False, True, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, True, False,\n", - " False, False, False, False, False, False, False, False, False, False,\n", - " False, True, True, False, False, False, False, False, False, True,\n", - " False, False, False, False, False, False, True, False, False, False,\n", - " False, False, True, True, False, False, False, False, False, False,\n", - " False, False, False, False, False, False, True, True, False, False,\n", - " False, False, False, True, True, False, False, False, False, False,\n", - " True, True], device='cuda:0')\n", - "tensor(669.4634, device='cuda:0', grad_fn=)\n", - "tensor(41.8415, device='cuda:0', grad_fn=)\n", - "torch.int64\n" - ] - } - ], - "source": [ - "criteron = LabelSmoothingLoss(4233, -1, 0.1, False)\n", - "loss_att = criteron(decoder_out, ys_out_pad)\n", - "print(loss_att)\n", - "print(ys_out_pad.dtype)" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "id": "badc410d", - "metadata": {}, - "outputs": [ - { - "ename": "RuntimeError", - "evalue": "Trying to backward through the graph a second time, but the saved intermediate results have already been freed. Specify retain_graph=True when calling backward the first time.", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mRuntimeError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mloss_att\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mbackward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mloss_att\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mgrad\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdecoder_out\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mgrad\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/workspace/wenet/venv/lib/python3.8/site-packages/torch/tensor.py\u001b[0m in \u001b[0;36mbackward\u001b[0;34m(self, gradient, retain_graph, create_graph)\u001b[0m\n\u001b[1;32m 183\u001b[0m \u001b[0mproducts\u001b[0m\u001b[0;34m.\u001b[0m \u001b[0mDefaults\u001b[0m \u001b[0mto\u001b[0m\u001b[0;31m \u001b[0m\u001b[0;31m`\u001b[0m\u001b[0;31m`\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;31m`\u001b[0m\u001b[0;31m`\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 184\u001b[0m \"\"\"\n\u001b[0;32m--> 185\u001b[0;31m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mautograd\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mbackward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mgradient\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mretain_graph\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcreate_graph\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 186\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 187\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mregister_hook\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mhook\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/workspace/wenet/venv/lib/python3.8/site-packages/torch/autograd/__init__.py\u001b[0m in \u001b[0;36mbackward\u001b[0;34m(tensors, grad_tensors, retain_graph, create_graph, grad_variables)\u001b[0m\n\u001b[1;32m 123\u001b[0m \u001b[0mretain_graph\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mcreate_graph\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 124\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 125\u001b[0;31m Variable._execution_engine.run_backward(\n\u001b[0m\u001b[1;32m 126\u001b[0m \u001b[0mtensors\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mgrad_tensors\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mretain_graph\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcreate_graph\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 127\u001b[0m allow_unreachable=True) # allow_unreachable flag\n", - "\u001b[0;31mRuntimeError\u001b[0m: Trying to backward through the graph a second time, but the saved intermediate results have already been freed. Specify retain_graph=True when calling backward the first time." - ] - } - ], - "source": [ - "loss_att.backward()\n", - "print(loss_att.grad)\n", - "print(decoder_out.grad)" - ] - }, - { - "cell_type": "code", - "execution_count": 32, - "id": "219eb41f", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor([ 0.0024, 0.0019, -0.1098, ..., 0.0028, 0.0020, -1.7978],\n", - " device='cuda:0')\n", - "tensor([[ 6.5052e-04, 6.4419e-05, -6.1955e-06, ..., 9.8220e-04,\n", - " -2.5918e-05, 3.3754e-04],\n", - " [ 3.9305e-04, 4.5799e-04, 1.4362e-04, ..., 4.6800e-04,\n", - " 1.6911e-04, 2.7067e-04],\n", - " [-1.3593e-01, 5.2201e-02, 3.2895e-02, ..., 2.4580e-02,\n", - " 1.4590e-01, -4.6850e-02],\n", - " ...,\n", - " [ 1.0434e-03, 4.2251e-04, 6.5688e-04, ..., 1.2144e-03,\n", - " 2.1159e-04, 6.6838e-04],\n", - " [ 6.4997e-04, 4.4301e-04, 4.1550e-04, ..., 1.0420e-03,\n", - " 2.4114e-04, 1.5338e-04],\n", - " [-9.9337e-01, 5.4573e-01, -1.1371e-02, ..., -4.3175e-01,\n", - " -2.7850e-01, -4.4679e-01]], device='cuda:0')\n" - ] - } - ], - "source": [ - "print(model.decoder.output_layer.bias.grad)\n", - "print(model.decoder.output_layer.weight.grad)" - ] - }, - { - "cell_type": "code", - "execution_count": 42, - "id": "40d00a54", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor([[[-5.3698e-01, -1.9911e-01, -3.4997e-01, ..., -8.2428e-01,\n", - " -1.0265e+00, -9.6301e-01],\n", - " [-4.4642e-02, 2.3176e-01, -3.2539e-01, ..., -9.0159e-01,\n", - " -1.0325e+00, -7.5987e-01],\n", - " [ 5.0035e-01, 2.2691e-01, -7.3052e-01, ..., -1.0055e+00,\n", - " -8.7123e-01, -1.0306e+00],\n", - " ...,\n", - " [-4.0024e-01, -1.4325e-01, -5.7947e-01, ..., -1.0718e+00,\n", - " -1.2806e+00, -1.0518e+00],\n", - " [ 1.5755e-01, -1.8495e-03, -2.8703e-01, ..., -1.1090e+00,\n", - " -9.4519e-01, -7.2506e-01],\n", - " [-4.7520e-01, -1.3942e+00, -2.5754e-01, ..., -1.1365e+00,\n", - " -1.1943e+00, -1.2290e+00]],\n", - "\n", - " [[ 9.5454e-01, 3.6428e-01, -1.3891e+00, ..., -1.1637e+00,\n", - " -1.2845e+00, -1.2015e+00],\n", - " [-8.5735e-02, -1.0579e+00, -8.9173e-01, ..., -9.6441e-01,\n", - " -1.1255e+00, -1.2599e+00],\n", - " [ 4.7654e-01, 3.2887e-01, -5.9201e-01, ..., -1.1942e+00,\n", - " -1.1430e+00, -1.0242e+00],\n", - " ...,\n", - " [-4.7431e-01, -3.3559e-01, -7.2326e-01, ..., -1.4506e+00,\n", - " -1.3957e+00, -1.0464e+00],\n", - " [ 3.6113e-01, 1.0381e-01, -1.1599e+00, ..., -1.0439e+00,\n", - " -1.0221e+00, -1.0208e+00],\n", - " [-1.2717e+00, -2.1460e+00, -7.5677e-01, ..., -9.7822e-01,\n", - " -9.3785e-01, -1.0371e+00]],\n", - "\n", - " [[-1.5465e+00, -1.0152e+00, -8.8901e-01, ..., -4.8522e-01,\n", - " -7.5163e-01, -6.7765e-01],\n", - " [-7.6101e-01, -7.3352e-01, -9.1588e-01, ..., -2.4836e-01,\n", - " -5.8927e-01, -7.3723e-01],\n", - " [-2.4714e-02, 1.7016e-01, -4.2326e-01, ..., -3.3204e-01,\n", - " -7.6696e-01, -7.1652e-01],\n", - " ...,\n", - " [-1.7032e+00, -1.2591e+00, -1.1449e+00, ..., -1.1810e+00,\n", - " -1.1163e+00, -9.3108e-01],\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00],\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00]],\n", - "\n", - " ...,\n", - "\n", - " [[ 6.4983e-01, 2.6117e-01, -8.4197e-01, ..., -8.7213e-01,\n", - " -1.1073e+00, -1.3253e+00],\n", - " [ 3.5391e-01, -1.5846e-02, -4.0425e-01, ..., -9.9173e-01,\n", - " -1.0727e+00, -1.1924e+00],\n", - " [ 3.7704e-01, -6.2785e-02, -1.1468e-01, ..., -1.1021e+00,\n", - " -1.0952e+00, -1.1182e+00],\n", - " ...,\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00],\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00],\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00]],\n", - "\n", - " [[ 4.4458e-02, -1.7547e-01, -6.7475e-01, ..., -4.9801e-01,\n", - " -5.6783e-01, -7.7852e-01],\n", - " [-1.3428e+00, -8.0343e-01, -9.0457e-01, ..., -6.5902e-01,\n", - " -7.2550e-01, -6.2796e-01],\n", - " [-7.6253e-01, -1.3071e-01, -1.3280e-01, ..., -5.6133e-01,\n", - " -6.0588e-01, -7.2115e-01],\n", - " ...,\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00],\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00],\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00]],\n", - "\n", - " [[-1.0798e+00, -1.0834e+00, -1.1797e+00, ..., -1.7757e-01,\n", - " -4.3747e-01, -4.0007e-02],\n", - " [ 9.2354e-01, 6.3771e-01, -5.2810e-01, ..., -1.2928e-01,\n", - " -2.0342e-01, 1.6656e-01],\n", - " [ 4.9337e-01, -9.1133e-03, -7.3302e-01, ..., 1.0074e-01,\n", - " -9.8115e-02, -9.2357e-03],\n", - " ...,\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00],\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00],\n", - " [-6.0434e+00, -4.9397e+00, -3.4235e+00, ..., -3.9949e+00,\n", - " -3.9869e+00, -3.6797e+00]]], device='cuda:0')\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "print(xs)" - ] - }, - { - "cell_type": "code", - "execution_count": 43, - "id": "505ca294", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor([[[ True, True, True, ..., True, True, True]],\n", - "\n", - " [[ True, True, True, ..., True, True, True]],\n", - "\n", - " [[ True, True, True, ..., True, False, False]],\n", - "\n", - " ...,\n", - "\n", - " [[ True, True, True, ..., False, False, False]],\n", - "\n", - " [[ True, True, True, ..., False, False, False]],\n", - "\n", - " [[ True, True, True, ..., False, False, False]]], device='cuda:0')\n" - ] - } - ], - "source": [ - "from wenet.utils.mask import make_pad_mask\n", - "masks = ~make_pad_mask(feat_len).unsqueeze(1) # (B, 1, L)\n", - "print(masks)" - ] - }, - { - "cell_type": "code", - "execution_count": 44, - "id": "aa03c2b9", - "metadata": {}, - "outputs": [], - "source": [ - "xs, pos_emb, masks = model.encoder.embed(xs, masks)" - ] - }, - { - "cell_type": "code", - "execution_count": 45, - "id": "ebc0ea12", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor([[[-0.5482, 2.2866, -1.0750, ..., 1.4504, 0.2895, -0.6945],\n", - " [-0.8013, 1.7688, -1.6639, ..., 1.8332, 0.6791, -0.2000],\n", - " [-1.7112, 2.7057, -1.3363, ..., 1.2336, 0.1870, -0.5735],\n", - " ...,\n", - " [-0.9697, 2.3129, -0.8752, ..., 0.8584, 0.4853, -0.4177],\n", - " [-1.3609, 2.1779, -1.7813, ..., 2.0928, 0.2528, -0.3650],\n", - " [-1.6967, 2.3544, -1.7417, ..., 1.3670, 0.5951, -0.7415]],\n", - "\n", - " [[-1.9828, 2.3178, -0.9079, ..., 0.4117, 0.5006, 0.0872],\n", - " [-0.7640, 1.3558, -1.3613, ..., 0.7317, 0.6784, 0.1685],\n", - " [-0.9504, 1.6038, -1.3030, ..., 0.5754, 0.2677, 0.3343],\n", - " ...,\n", - " [-1.4757, 2.5317, -1.2321, ..., 1.2997, 0.5019, -0.1034],\n", - " [-1.1731, 2.3172, -1.2542, ..., 1.7391, 0.2171, -0.4445],\n", - " [-1.2700, 3.2229, -0.8872, ..., 1.6461, 0.0973, -0.7679]],\n", - "\n", - " [[-0.5873, 1.4291, -1.3950, ..., 0.2102, 0.1027, 0.0918],\n", - " [ 0.1743, 1.7834, -1.6422, ..., 0.8113, 0.3137, 0.5634],\n", - " [-0.3492, 1.8310, -1.0685, ..., 0.6924, 0.1378, 0.4594],\n", - " ...,\n", - " [-1.0869, 2.3002, -1.2638, ..., 1.7998, 0.5134, -0.5223],\n", - " [-1.2614, 2.7240, -1.3734, ..., 1.4445, 0.5742, -0.3320],\n", - " [-2.2068, 4.3462, -3.8289, ..., 2.1426, 1.2034, -1.3795]],\n", - "\n", - " ...,\n", - "\n", - " [[-0.3914, 1.8553, -0.5747, ..., 1.0062, 0.4632, -1.0452],\n", - " [-0.8605, 2.0172, -1.4437, ..., 1.4526, 0.1657, 0.5923],\n", - " [-0.7307, 2.2841, -1.0699, ..., 1.5825, -0.0980, 0.5503],\n", - " ...,\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270],\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270],\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270]],\n", - "\n", - " [[-0.1619, 0.6255, -1.1323, ..., 0.0724, -0.2204, 0.4636],\n", - " [-0.0831, 0.5750, -1.0930, ..., 0.9110, -0.0650, 0.7299],\n", - " [-0.2820, 0.0801, -0.9418, ..., 0.3379, -0.1166, 0.4451],\n", - " ...,\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270],\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270],\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270]],\n", - "\n", - " [[-0.5458, -0.6909, -1.3597, ..., -0.7818, 0.6875, 0.9843],\n", - " [ 0.0421, -1.1062, -1.4389, ..., -0.0239, 0.9115, 0.5287],\n", - " [-0.2909, -0.1886, -1.5487, ..., -0.1392, 0.0580, 0.3066],\n", - " ...,\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270],\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270],\n", - " [-5.0821, 8.5920, -4.2137, ..., 6.2693, 0.0539, -2.9270]]],\n", - " device='cuda:0', grad_fn=)\n", - "tensor([[[ 0.0000e+00, 1.0000e+00, 0.0000e+00, ..., 1.0000e+00,\n", - " 0.0000e+00, 1.0000e+00],\n", - " [ 8.4147e-01, 5.4030e-01, 8.0196e-01, ..., 1.0000e+00,\n", - " 1.0746e-04, 1.0000e+00],\n", - " [ 9.0930e-01, -4.1615e-01, 9.5814e-01, ..., 1.0000e+00,\n", - " 2.1492e-04, 1.0000e+00],\n", - " ...,\n", - " [-7.6825e-01, -6.4014e-01, 6.3280e-01, ..., 9.9998e-01,\n", - " 5.1581e-03, 9.9999e-01],\n", - " [-9.5375e-01, 3.0059e-01, 9.9899e-01, ..., 9.9998e-01,\n", - " 5.2656e-03, 9.9999e-01],\n", - " [-2.6237e-01, 9.6497e-01, 5.6075e-01, ..., 9.9998e-01,\n", - " 5.3730e-03, 9.9999e-01]]], device='cuda:0')\n", - "tensor([[[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, False,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, False, False, False,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, False, False, False,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, False, False, False,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, False, False, False,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, False, False, False, False, False,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, False, False, False, False, False, False, False, False,\n", - " False]],\n", - "\n", - " [[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, False, False, False, False, False, False, False, False, False,\n", - " False]]], device='cuda:0')\n", - "torch.Size([16, 1, 51])\n" - ] - } - ], - "source": [ - "print(xs)\n", - "print(pos_emb)\n", - "print(masks)\n", - "print(masks.shape)" - ] - }, - { - "cell_type": "code", - "execution_count": 46, - "id": "4289461b", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[[-0.54822 2.2866027 -1.0750197 ... 1.4503604 0.28950194\n", - " -0.6945408 ]\n", - " [-0.8012542 1.7687558 -1.6638877 ... 1.833158 0.6791494\n", - " -0.1999542 ]\n", - " [-1.7112465 2.7057455 -1.3363413 ... 1.2336441 0.18697014\n", - " -0.5735198 ]\n", - " ...\n", - " [-0.96968573 2.312949 -0.87524825 ... 0.85838526 0.4853347\n", - " -0.41773027]\n", - " [-1.3609431 2.1778803 -1.7812773 ... 2.0927877 0.25282228\n", - " -0.36496443]\n", - " [-1.6967483 2.3543842 -1.7416853 ... 1.366951 0.59511113\n", - " -0.74147725]]\n", - "\n", - " [[-1.9828408 2.31777 -0.9078527 ... 0.41170627 0.5006162\n", - " 0.08721463]\n", - " [-0.76404583 1.3557773 -1.3612567 ... 0.7317046 0.678426\n", - " 0.16851945]\n", - " [-0.95044655 1.6037656 -1.3029968 ... 0.57544005 0.26769355\n", - " 0.33433008]\n", - " ...\n", - " [-1.475677 2.531713 -1.2320715 ... 1.2996731 0.50191855\n", - " -0.10343577]\n", - " [-1.1730809 2.3172235 -1.2542105 ... 1.7391105 0.21709818\n", - " -0.44447583]\n", - " [-1.2699623 3.2228963 -0.8871915 ... 1.6460502 0.09731755\n", - " -0.7678688 ]]\n", - "\n", - " [[-0.5872559 1.4290544 -1.3950099 ... 0.21024795 0.10272825\n", - " 0.09179455]\n", - " [ 0.1742807 1.783423 -1.6421788 ... 0.8112701 0.31371105\n", - " 0.56344515]\n", - " [-0.34916472 1.8310343 -1.0685117 ... 0.69243336 0.13782299\n", - " 0.45937473]\n", - " ...\n", - " [-1.0868638 2.300204 -1.2638408 ... 1.7998282 0.5133892\n", - " -0.52227837]\n", - " [-1.2614481 2.7239661 -1.3733778 ... 1.444533 0.57420933\n", - " -0.33201432]\n", - " [-2.2067683 4.346218 -3.828867 ... 2.1426017 1.2033664\n", - " -1.3795122 ]]\n", - "\n", - " ...\n", - "\n", - " [[-0.39141566 1.8553346 -0.5747178 ... 1.0062351 0.46320182\n", - " -1.045236 ]\n", - " [-0.86054784 2.0171793 -1.4436853 ... 1.452623 0.16571884\n", - " 0.5923172 ]\n", - " [-0.73066384 2.2840502 -1.0698992 ... 1.5824941 -0.0979555\n", - " 0.55030036]\n", - " ...\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]]\n", - "\n", - " [[-0.16194311 0.6255052 -1.1323429 ... 0.07242929 -0.22042468\n", - " 0.46362036]\n", - " [-0.08306468 0.575043 -1.09298 ... 0.9109665 -0.06501988\n", - " 0.72986233]\n", - " [-0.28202093 0.08014385 -0.9417719 ... 0.3379485 -0.11664233\n", - " 0.44514441]\n", - " ...\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]]\n", - "\n", - " [[-0.5458492 -0.69092435 -1.3596548 ... -0.78182435 0.68747747\n", - " 0.9842716 ]\n", - " [ 0.04212743 -1.1061852 -1.438915 ... -0.02385022 0.91146135\n", - " 0.52870303]\n", - " [-0.2909345 -0.18858244 -1.5487324 ... -0.13923697 0.05795169\n", - " 0.30663735]\n", - " ...\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]]]\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "masks = ~make_pad_mask(feat_len).unsqueeze(1) # (B, 1, L)\n", - "xs, pos_emb, masks = model.encoder.embed(xs, masks, offset=0)\n", - "print(xs.cpu().detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": 47, - "id": "67e10d73", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "tensor([[[[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 2.0908e-03],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 1.1943e-02, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 4.6105e-02, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 9.6723e-03,\n", - " 4.6135e-02, 0.0000e+00]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " ...,\n", - "\n", - " [[2.2816e-01, 2.4615e-01, 2.5304e-01, ..., 2.0402e-01,\n", - " 2.3248e-01, 3.1191e-01],\n", - " [1.3587e-01, 2.8877e-01, 2.7991e-01, ..., 1.9210e-01,\n", - " 2.0346e-01, 1.9934e-01],\n", - " [2.5739e-01, 3.9348e-01, 2.7877e-01, ..., 2.7483e-01,\n", - " 1.9302e-01, 2.3810e-01],\n", - " ...,\n", - " [1.1939e-01, 2.8473e-01, 3.3082e-01, ..., 2.3838e-01,\n", - " 2.2104e-01, 2.3906e-01],\n", - " [1.7388e-01, 2.0402e-01, 4.0263e-01, ..., 2.4782e-01,\n", - " 2.6742e-01, 1.5427e-01],\n", - " [0.0000e+00, 2.9081e-01, 2.7726e-01, ..., 1.7540e-01,\n", - " 1.8479e-01, 2.2483e-01]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[3.5447e-01, 3.8861e-01, 3.9724e-01, ..., 3.8680e-01,\n", - " 3.3568e-01, 3.4552e-01],\n", - " [4.1739e-01, 5.1039e-01, 4.1730e-01, ..., 3.3993e-01,\n", - " 3.7082e-01, 3.5110e-01],\n", - " [3.6117e-01, 4.0745e-01, 4.8491e-01, ..., 3.4849e-01,\n", - " 3.2321e-01, 3.5189e-01],\n", - " ...,\n", - " [2.3144e-01, 3.8021e-01, 5.1526e-01, ..., 3.6499e-01,\n", - " 3.7412e-01, 3.9986e-01],\n", - " [3.4679e-01, 4.0238e-01, 5.0077e-01, ..., 3.6185e-01,\n", - " 3.1597e-01, 3.6335e-01],\n", - " [3.6498e-01, 3.7943e-01, 5.1719e-01, ..., 3.1798e-01,\n", - " 3.3657e-01, 3.4130e-01]]],\n", - "\n", - "\n", - " [[[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[1.4560e-02, 9.4475e-02, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [1.5002e-02, 2.9632e-02, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [3.2952e-02, 0.0000e+00, 0.0000e+00, ..., 4.5850e-02,\n", - " 2.0439e-02, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 4.4258e-02],\n", - " [0.0000e+00, 0.0000e+00, 2.5565e-02, ..., 0.0000e+00,\n", - " 9.0044e-03, 4.9084e-02]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [1.1141e-01, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " ...,\n", - "\n", - " [[3.3697e-01, 3.8527e-01, 3.2900e-01, ..., 2.8704e-01,\n", - " 2.3351e-01, 1.9004e-01],\n", - " [1.3575e-01, 3.5783e-01, 3.3573e-01, ..., 2.2082e-01,\n", - " 1.5855e-01, 1.3587e-01],\n", - " [2.1929e-01, 2.8900e-01, 2.8255e-01, ..., 2.0603e-01,\n", - " 2.3927e-01, 2.1909e-01],\n", - " ...,\n", - " [2.3292e-01, 3.9097e-01, 3.6399e-01, ..., 2.0598e-01,\n", - " 2.5374e-01, 2.3137e-01],\n", - " [1.8739e-01, 3.0794e-01, 3.0297e-01, ..., 2.7251e-01,\n", - " 2.5192e-01, 2.0837e-01],\n", - " [2.2454e-01, 4.1402e-01, 5.4083e-01, ..., 3.1875e-01,\n", - " 2.5080e-01, 2.5939e-01]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[2.6457e-01, 4.9519e-01, 5.6702e-01, ..., 3.0955e-01,\n", - " 3.5292e-01, 3.2669e-01],\n", - " [2.1577e-01, 5.1833e-01, 4.9183e-01, ..., 3.6043e-01,\n", - " 3.8524e-01, 3.6155e-01],\n", - " [2.0068e-01, 4.2784e-01, 5.2818e-01, ..., 3.1871e-01,\n", - " 3.2452e-01, 3.1036e-01],\n", - " ...,\n", - " [4.9855e-01, 5.1001e-01, 5.2279e-01, ..., 3.6450e-01,\n", - " 3.4338e-01, 3.3603e-01],\n", - " [4.1233e-01, 5.5518e-01, 5.2828e-01, ..., 4.0676e-01,\n", - " 3.3873e-01, 3.6724e-01],\n", - " [4.0820e-01, 4.6187e-01, 4.7338e-01, ..., 3.8691e-01,\n", - " 3.6039e-01, 3.8022e-01]]],\n", - "\n", - "\n", - " [[[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[0.0000e+00, 5.7852e-03, 0.0000e+00, ..., 7.4838e-03,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 3.0351e-02,\n", - " 0.0000e+00, 2.6720e-04],\n", - " [9.4807e-04, 0.0000e+00, 0.0000e+00, ..., 7.9551e-03,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [2.0326e-02, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 1.0801e-02, 0.0000e+00],\n", - " [1.8470e-01, 0.0000e+00, 0.0000e+00, ..., 5.0584e-02,\n", - " 9.4758e-02, 5.9146e-02]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " ...,\n", - "\n", - " [[3.8708e-01, 2.8022e-01, 3.5893e-01, ..., 1.6595e-01,\n", - " 1.6031e-01, 2.1136e-01],\n", - " [1.5595e-01, 3.0544e-01, 2.4666e-01, ..., 2.2675e-01,\n", - " 2.5765e-01, 1.9682e-01],\n", - " [2.9518e-01, 4.1210e-01, 2.0063e-01, ..., 1.7595e-01,\n", - " 2.2537e-01, 2.2214e-01],\n", - " ...,\n", - " [2.4745e-01, 2.6259e-01, 3.8654e-01, ..., 2.3620e-01,\n", - " 2.3157e-01, 1.8514e-01],\n", - " [2.5715e-01, 2.9593e-01, 4.7745e-01, ..., 2.3546e-01,\n", - " 2.5073e-01, 2.0976e-01],\n", - " [1.2015e+00, 8.4644e-01, 7.3386e-01, ..., 1.0252e+00,\n", - " 9.5310e-01, 1.0013e+00]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[4.5013e-01, 4.7484e-01, 4.0540e-01, ..., 1.9346e-01,\n", - " 1.7826e-01, 1.4777e-01],\n", - " [4.7546e-01, 4.8187e-01, 3.6760e-01, ..., 2.7809e-01,\n", - " 3.2997e-01, 3.2337e-01],\n", - " [4.6160e-01, 4.0050e-01, 3.9061e-01, ..., 3.6613e-01,\n", - " 3.5243e-01, 2.9739e-01],\n", - " ...,\n", - " [5.5148e-01, 5.1018e-01, 4.0132e-01, ..., 3.8948e-01,\n", - " 3.5737e-01, 3.3088e-01],\n", - " [4.1973e-01, 4.5475e-01, 4.5320e-01, ..., 3.8343e-01,\n", - " 4.0126e-01, 3.6181e-01],\n", - " [3.4280e-01, 3.1606e-01, 4.4701e-01, ..., 2.1665e-01,\n", - " 2.3985e-01, 2.3903e-01]]],\n", - "\n", - "\n", - " ...,\n", - "\n", - "\n", - " [[[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [4.1783e-02, 0.0000e+00, 1.5805e-02, ..., 0.0000e+00,\n", - " 2.2508e-02, 0.0000e+00],\n", - " [4.3234e-02, 7.7864e-02, 0.0000e+00, ..., 1.6347e-02,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[3.2092e-02, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [1.3563e-01, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " ...,\n", - "\n", - " [[0.0000e+00, 2.5187e-01, 2.4979e-01, ..., 2.4775e-01,\n", - " 2.2354e-01, 1.9149e-01],\n", - " [1.6541e-01, 1.9586e-01, 1.9813e-01, ..., 2.7344e-01,\n", - " 2.0928e-01, 2.6150e-01],\n", - " [1.0495e-01, 6.3299e-02, 3.3844e-01, ..., 2.5138e-01,\n", - " 1.2470e-01, 2.3927e-01],\n", - " ...,\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00],\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00],\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[1.1428e-01, 4.5667e-01, 4.6821e-01, ..., 3.2058e-01,\n", - " 3.3579e-01, 3.9013e-01],\n", - " [1.0441e-01, 4.5739e-01, 4.6107e-01, ..., 3.8468e-01,\n", - " 3.8291e-01, 3.6686e-01],\n", - " [1.9868e-01, 3.5520e-01, 4.4313e-01, ..., 4.0679e-01,\n", - " 3.8068e-01, 3.0646e-01],\n", - " ...,\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00],\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00],\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00]]],\n", - "\n", - "\n", - " [[[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[2.4654e-02, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 3.3902e-02],\n", - " [0.0000e+00, 0.0000e+00, 1.8307e-02, ..., 5.1669e-02,\n", - " 9.4838e-03, 7.4535e-02],\n", - " [9.9215e-02, 0.0000e+00, 1.5872e-02, ..., 1.6203e-02,\n", - " 5.1401e-02, 1.9239e-03],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " ...,\n", - "\n", - " [[4.0034e-01, 2.5306e-01, 2.0218e-01, ..., 9.8162e-02,\n", - " 7.0643e-02, 4.9741e-02],\n", - " [1.2568e-01, 2.1031e-01, 1.1182e-01, ..., 4.2781e-02,\n", - " 1.1969e-01, 1.2005e-01],\n", - " [2.8787e-01, 2.4031e-01, 2.2566e-01, ..., 0.0000e+00,\n", - " 6.4181e-02, 5.8730e-02],\n", - " ...,\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00],\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00],\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[3.8405e-01, 3.0990e-01, 3.7156e-01, ..., 1.8125e-01,\n", - " 1.5051e-01, 1.9620e-01],\n", - " [4.7286e-01, 4.0529e-01, 3.9718e-01, ..., 2.4710e-01,\n", - " 4.5657e-02, 1.1501e-01],\n", - " [3.2621e-01, 3.0073e-01, 3.0477e-01, ..., 2.3529e-01,\n", - " 2.1357e-01, 1.6986e-01],\n", - " ...,\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00],\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00],\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00]]],\n", - "\n", - "\n", - " [[[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[3.3438e-02, 1.2378e-03, 5.2972e-02, ..., 7.2712e-02,\n", - " 8.6563e-02, 1.4494e-01],\n", - " [1.1043e-01, 6.1431e-02, 6.3630e-02, ..., 8.1278e-02,\n", - " 6.2590e-02, 8.3154e-02],\n", - " [1.7677e-02, 2.0111e-03, 7.8750e-02, ..., 6.9633e-02,\n", - " 8.9799e-02, 5.3263e-02],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[1.0034e-01, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [1.5627e-01, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [5.1447e-02, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 4.3641e-03],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " ...,\n", - "\n", - " [[2.5142e-01, 4.5964e-01, 3.7346e-01, ..., 4.7631e-02,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [1.9760e-01, 2.6627e-01, 1.1191e-01, ..., 3.0450e-02,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [1.6341e-01, 3.2938e-01, 2.5690e-01, ..., 5.5694e-02,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00],\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00],\n", - " [1.1257e+00, 8.7341e-01, 7.8169e-01, ..., 1.0458e+00,\n", - " 1.0094e+00, 1.0221e+00]],\n", - "\n", - " [[0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 2.2189e-02, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 2.8490e-02],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " ...,\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00],\n", - " [0.0000e+00, 0.0000e+00, 0.0000e+00, ..., 0.0000e+00,\n", - " 0.0000e+00, 0.0000e+00]],\n", - "\n", - " [[2.5810e-01, 6.3017e-01, 3.7038e-01, ..., 1.8704e-01,\n", - " 8.2694e-02, 9.9127e-02],\n", - " [1.7293e-01, 5.0679e-01, 4.0739e-01, ..., 1.6006e-01,\n", - " 1.1725e-01, 9.9405e-02],\n", - " [2.4175e-01, 4.1616e-01, 4.1257e-01, ..., 1.3520e-01,\n", - " 7.9126e-02, 1.2846e-01],\n", - " ...,\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00],\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00],\n", - " [1.4488e+00, 1.0212e+00, 9.4473e-01, ..., 1.2363e+00,\n", - " 1.2189e+00, 1.2380e+00]]]], device='cuda:0',\n", - " grad_fn=)\n" - ] - } - ], - "source": [ - "xs = model.encoder.global_cmvn(feat)\n", - "masks = ~make_pad_mask(feat_len).unsqueeze(1) # (B, 1, L)\n", - "\n", - "x = xs.unsqueeze(1)\n", - "x = model.encoder.embed.conv(x)\n", - "print(x)" - ] - }, - { - "cell_type": "code", - "execution_count": 48, - "id": "9a9478ad", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[[-0.03426375 0.14291267 -0.06718873 ... 0.09064753 0.01809387\n", - " -0.0434088 ]\n", - " [-0.05007839 0.11054724 -0.10399298 ... 0.11457238 0.04244684\n", - " -0.01249714]\n", - " [-0.10695291 0.16910909 -0.08352133 ... 0.07710276 0.01168563\n", - " -0.03584499]\n", - " ...\n", - " [-0.06060536 0.14455931 -0.05470302 ... 0.05364908 0.03033342\n", - " -0.02610814]\n", - " [-0.08505894 0.13611752 -0.11132983 ... 0.13079923 0.01580139\n", - " -0.02281028]\n", - " [-0.10604677 0.14714901 -0.10885533 ... 0.08543444 0.03719445\n", - " -0.04634233]]\n", - "\n", - " [[-0.12392755 0.14486063 -0.05674079 ... 0.02573164 0.03128851\n", - " 0.00545091]\n", - " [-0.04775286 0.08473608 -0.08507854 ... 0.04573154 0.04240163\n", - " 0.01053247]\n", - " [-0.05940291 0.10023535 -0.0814373 ... 0.035965 0.01673085\n", - " 0.02089563]\n", - " ...\n", - " [-0.09222981 0.15823206 -0.07700447 ... 0.08122957 0.03136991\n", - " -0.00646474]\n", - " [-0.07331756 0.14482647 -0.07838815 ... 0.1086944 0.01356864\n", - " -0.02777974]\n", - " [-0.07937264 0.20143102 -0.05544947 ... 0.10287814 0.00608235\n", - " -0.0479918 ]]\n", - "\n", - " [[-0.03670349 0.0893159 -0.08718812 ... 0.0131405 0.00642052\n", - " 0.00573716]\n", - " [ 0.01089254 0.11146393 -0.10263617 ... 0.05070438 0.01960694\n", - " 0.03521532]\n", - " [-0.0218228 0.11443964 -0.06678198 ... 0.04327708 0.00861394\n", - " 0.02871092]\n", - " ...\n", - " [-0.06792898 0.14376275 -0.07899005 ... 0.11248926 0.03208683\n", - " -0.0326424 ]\n", - " [-0.07884051 0.17024788 -0.08583611 ... 0.09028331 0.03588808\n", - " -0.0207509 ]\n", - " [-0.13792302 0.27163863 -0.23930418 ... 0.13391261 0.0752104\n", - " -0.08621951]]\n", - "\n", - " ...\n", - "\n", - " [[-0.02446348 0.11595841 -0.03591986 ... 0.0628897 0.02895011\n", - " -0.06532725]\n", - " [-0.05378424 0.1260737 -0.09023033 ... 0.09078894 0.01035743\n", - " 0.03701983]\n", - " [-0.04566649 0.14275314 -0.0668687 ... 0.09890588 -0.00612222\n", - " 0.03439377]\n", - " ...\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]]\n", - "\n", - " [[-0.01012144 0.03909408 -0.07077143 ... 0.00452683 -0.01377654\n", - " 0.02897627]\n", - " [-0.00519154 0.03594019 -0.06831125 ... 0.05693541 -0.00406374\n", - " 0.0456164 ]\n", - " [-0.01762631 0.00500899 -0.05886075 ... 0.02112178 -0.00729015\n", - " 0.02782153]\n", - " ...\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]]\n", - "\n", - " [[-0.03411558 -0.04318277 -0.08497842 ... -0.04886402 0.04296734\n", - " 0.06151697]\n", - " [ 0.00263296 -0.06913657 -0.08993219 ... -0.00149064 0.05696633\n", - " 0.03304394]\n", - " [-0.01818341 -0.0117864 -0.09679577 ... -0.00870231 0.00362198\n", - " 0.01916483]\n", - " ...\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]\n", - " [-0.31763062 0.5370021 -0.2633542 ... 0.39182857 0.00337184\n", - " -0.18293698]]]\n", - "torch.Size([16, 51, 256])\n" - ] - } - ], - "source": [ - "b, c, t, f = x.size()\n", - "x = model.encoder.embed.out(x.transpose(1, 2).contiguous().view(b, t, c * f))\n", - "print(x.cpu().detach().numpy())\n", - "print(x.shape)" - ] - }, - { - "cell_type": "code", - "execution_count": 49, - "id": "fd69003f", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[[-0.54822 2.2866027 -1.0750197 ... 1.4503604 0.28950194\n", - " -0.6945408 ]\n", - " [-0.8012542 1.7687558 -1.6638877 ... 1.833158 0.6791494\n", - " -0.1999542 ]\n", - " [-1.7112465 2.7057455 -1.3363413 ... 1.2336441 0.18697014\n", - " -0.5735198 ]\n", - " ...\n", - " [-0.96968573 2.312949 -0.87524825 ... 0.85838526 0.4853347\n", - " -0.41773027]\n", - " [-1.3609431 2.1778803 -1.7812773 ... 2.0927877 0.25282228\n", - " -0.36496443]\n", - " [-1.6967483 2.3543842 -1.7416853 ... 1.366951 0.59511113\n", - " -0.74147725]]\n", - "\n", - " [[-1.9828408 2.31777 -0.9078527 ... 0.41170627 0.5006162\n", - " 0.08721463]\n", - " [-0.76404583 1.3557773 -1.3612567 ... 0.7317046 0.678426\n", - " 0.16851945]\n", - " [-0.95044655 1.6037656 -1.3029968 ... 0.57544005 0.26769355\n", - " 0.33433008]\n", - " ...\n", - " [-1.475677 2.531713 -1.2320715 ... 1.2996731 0.50191855\n", - " -0.10343577]\n", - " [-1.1730809 2.3172235 -1.2542105 ... 1.7391105 0.21709818\n", - " -0.44447583]\n", - " [-1.2699623 3.2228963 -0.8871915 ... 1.6460502 0.09731755\n", - " -0.7678688 ]]\n", - "\n", - " [[-0.5872559 1.4290544 -1.3950099 ... 0.21024795 0.10272825\n", - " 0.09179455]\n", - " [ 0.1742807 1.783423 -1.6421788 ... 0.8112701 0.31371105\n", - " 0.56344515]\n", - " [-0.34916472 1.8310343 -1.0685117 ... 0.69243336 0.13782299\n", - " 0.45937473]\n", - " ...\n", - " [-1.0868638 2.300204 -1.2638408 ... 1.7998282 0.5133892\n", - " -0.52227837]\n", - " [-1.2614481 2.7239661 -1.3733778 ... 1.444533 0.57420933\n", - " -0.33201432]\n", - " [-2.2067683 4.346218 -3.828867 ... 2.1426017 1.2033664\n", - " -1.3795122 ]]\n", - "\n", - " ...\n", - "\n", - " [[-0.39141566 1.8553346 -0.5747178 ... 1.0062351 0.46320182\n", - " -1.045236 ]\n", - " [-0.86054784 2.0171793 -1.4436853 ... 1.452623 0.16571884\n", - " 0.5923172 ]\n", - " [-0.73066384 2.2840502 -1.0698992 ... 1.5824941 -0.0979555\n", - " 0.55030036]\n", - " ...\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]]\n", - "\n", - " [[-0.16194311 0.6255052 -1.1323429 ... 0.07242929 -0.22042468\n", - " 0.46362036]\n", - " [-0.08306468 0.575043 -1.09298 ... 0.9109665 -0.06501988\n", - " 0.72986233]\n", - " [-0.28202093 0.08014385 -0.9417719 ... 0.3379485 -0.11664233\n", - " 0.44514441]\n", - " ...\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]]\n", - "\n", - " [[-0.5458492 -0.69092435 -1.3596548 ... -0.78182435 0.68747747\n", - " 0.9842716 ]\n", - " [ 0.04212743 -1.1061852 -1.438915 ... -0.02385022 0.91146135\n", - " 0.52870303]\n", - " [-0.2909345 -0.18858244 -1.5487324 ... -0.13923697 0.05795169\n", - " 0.30663735]\n", - " ...\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]\n", - " [-5.08209 8.592033 -4.2136674 ... 6.269257 0.05394945\n", - " -2.9269917 ]]]\n" - ] - } - ], - "source": [ - "x, pos_emb = model.encoder.embed.pos_enc(x, 0)\n", - "print(x.cpu().detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": 50, - "id": "8ed88489", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "torch.float32\n", - "[[[ 0.0000000e+00 1.0000000e+00 0.0000000e+00 ... 1.0000000e+00\n", - " 0.0000000e+00 1.0000000e+00]\n", - " [ 8.4147096e-01 5.4030234e-01 8.0196178e-01 ... 1.0000000e+00\n", - " 1.0746076e-04 1.0000000e+00]\n", - " [ 9.0929741e-01 -4.1614684e-01 9.5814437e-01 ... 1.0000000e+00\n", - " 2.1492151e-04 1.0000000e+00]\n", - " ...\n", - " [-7.6825464e-01 -6.4014435e-01 6.3279724e-01 ... 9.9998462e-01\n", - " 5.1580933e-03 9.9998671e-01]\n", - " [-9.5375264e-01 3.0059254e-01 9.9899054e-01 ... 9.9998397e-01\n", - " 5.2655530e-03 9.9998611e-01]\n", - " [-2.6237485e-01 9.6496606e-01 5.6074661e-01 ... 9.9998331e-01\n", - " 5.3730118e-03 9.9998558e-01]]]\n" - ] - } - ], - "source": [ - "print(pos_emb.dtype)\n", - "print(pos_emb.cpu().detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": 54, - "id": "5e277881", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "torch.Size([16, 51, 256])\n" - ] - }, - { - "ename": "NameError", - "evalue": "name 'mask' is not defined", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 141\u001b[0m \u001b[0mx\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mx\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcpu\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdetach\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnumpy\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 142\u001b[0m \u001b[0mpos_emb\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mpos_emb\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcpu\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdetach\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnumpy\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 143\u001b[0;31m \u001b[0mmask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mmask\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcpu\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdetach\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnumpy\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 144\u001b[0m \u001b[0mx_att\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mx_att\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcpu\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdetach\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnumpy\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 145\u001b[0m )\n", - "\u001b[0;31mNameError\u001b[0m: name 'mask' is not defined" - ] - } - ], - "source": [ - "def add_optional_chunk_mask(xs: torch.Tensor, masks: torch.Tensor,\n", - " use_dynamic_chunk: bool,\n", - " use_dynamic_left_chunk: bool,\n", - " decoding_chunk_size: int, static_chunk_size: int,\n", - " num_decoding_left_chunks: int):\n", - " \"\"\" Apply optional mask for encoder.\n", - " Args:\n", - " xs (torch.Tensor): padded input, (B, L, D), L for max length\n", - " mask (torch.Tensor): mask for xs, (B, 1, L)\n", - " use_dynamic_chunk (bool): whether to use dynamic chunk or not\n", - " use_dynamic_left_chunk (bool): whether to use dynamic left chunk for\n", - " training.\n", - " decoding_chunk_size (int): decoding chunk size for dynamic chunk, it's\n", - " 0: default for training, use random dynamic chunk.\n", - " <0: for decoding, use full chunk.\n", - " >0: for decoding, use fixed chunk size as set.\n", - " static_chunk_size (int): chunk size for static chunk training/decoding\n", - " if it's greater than 0, if use_dynamic_chunk is true,\n", - " this parameter will be ignored\n", - " num_decoding_left_chunks: number of left chunks, this is for decoding,\n", - " the chunk size is decoding_chunk_size.\n", - " >=0: use num_decoding_left_chunks\n", - " <0: use all left chunks\n", - " Returns:\n", - " torch.Tensor: chunk mask of the input xs.\n", - " \"\"\"\n", - " # Whether to use chunk mask or not\n", - " if use_dynamic_chunk:\n", - " max_len = xs.size(1)\n", - " if decoding_chunk_size < 0:\n", - " chunk_size = max_len\n", - " num_left_chunks = -1\n", - " elif decoding_chunk_size > 0:\n", - " chunk_size = decoding_chunk_size\n", - " num_left_chunks = num_decoding_left_chunks\n", - " else:\n", - " # chunk size is either [1, 25] or full context(max_len).\n", - " # Since we use 4 times subsampling and allow up to 1s(100 frames)\n", - " # delay, the maximum frame is 100 / 4 = 25.\n", - " chunk_size = torch.randint(1, max_len, (1, )).item()\n", - " num_left_chunks = -1\n", - " if chunk_size > max_len // 2:\n", - " chunk_size = max_len\n", - " else:\n", - " chunk_size = chunk_size % 25 + 1\n", - " if use_dynamic_left_chunk:\n", - " max_left_chunks = (max_len - 1) // chunk_size\n", - " num_left_chunks = torch.randint(0, max_left_chunks,\n", - " (1, )).item()\n", - " chunk_masks = subsequent_chunk_mask(xs.size(1), chunk_size,\n", - " num_left_chunks,\n", - " xs.device) # (L, L)\n", - " chunk_masks = chunk_masks.unsqueeze(0) # (1, L, L)\n", - " chunk_masks = masks & chunk_masks # (B, L, L)\n", - " elif static_chunk_size > 0:\n", - " num_left_chunks = num_decoding_left_chunks\n", - " chunk_masks = subsequent_chunk_mask(xs.size(1), static_chunk_size,\n", - " num_left_chunks,\n", - " xs.device) # (L, L)\n", - " chunk_masks = chunk_masks.unsqueeze(0) # (1, L, L)\n", - " chunk_masks = masks & chunk_masks # (B, L, L)\n", - " else:\n", - " chunk_masks = masks\n", - " return chunk_masks\n", - "\n", - "from wenet.utils.mask import make_pad_mask\n", - "\n", - "\n", - "masks = ~make_pad_mask(feat_len).unsqueeze(1)\n", - "xs = model.encoder.global_cmvn(feat)\n", - "xs, pos_emb, masks = model.encoder.embed(xs, masks, offset=0)\n", - "\n", - "mask_pad = masks\n", - "decoding_chunk_size=0\n", - "num_decoding_left_chunks=-1\n", - "use_dynamic_left_chunk=-1\n", - "use_dynamic_chunk=False\n", - "static_chunk_size=-1\n", - "chunk_masks = add_optional_chunk_mask(\n", - " xs, \n", - " masks, \n", - " use_dynamic_chunk,\n", - " use_dynamic_left_chunk,\n", - " decoding_chunk_size, \n", - " static_chunk_size,\n", - " num_decoding_left_chunks)\n", - "\n", - "np.savez('/workspace/DeepSpeech-2.x/.notebook/enc_embed', \n", - " embed_out=xs.cpu().detach().numpy(), \n", - " pos_emb=pos_emb.cpu().detach().numpy(),\n", - " chunk_masks=chunk_masks.cpu().detach().numpy(),\n", - " mask_pad=mask_pad.cpu().detach().numpy())\n", - "\n", - "model.eval()\n", - "# print(chunk_masks)\n", - "print(xs.shape)\n", - "for layer in model.encoder.encoders:\n", - " #xs, chunk_masks, _ = layer(xs, chunk_masks, pos_emb, mask_pad)\n", - " #np.savez('/workspace/DeepSpeech-2.x/.notebook/enc_0', enc_0=xs.cpu().detach().numpy())\n", - " \n", - " x = xs\n", - " residual = x\n", - " x_norm = layer.norm_ff_macaron(x)\n", - " !rm /workspace/DeepSpeech-2.x/.notebook/enc_0_norm_ff.npz\n", - " np.savez('/workspace/DeepSpeech-2.x/.notebook/enc_0_norm_ff', \n", - " norm_ff=x_norm.cpu().detach().numpy(),\n", - " xs=xs.cpu().detach().numpy())\n", - " #print(x.cpu().detach().numpy())\n", - " for p in layer.norm_ff_macaron.parameters():\n", - " #print(p, p.sum())\n", - " pass\n", - " \n", - " x = residual + layer.ff_scale * layer.feed_forward_macaron(x_norm)\n", - " \n", - " ps = []\n", - " for n, p in layer.feed_forward_macaron.state_dict().items():\n", - " #print(n, p.cpu().data.numpy())\n", - " ps.append(p.cpu().data.numpy())\n", - " pass\n", - "\n", - " ff_l_x = layer.feed_forward_macaron.w_1(x_norm)\n", - " ff_l_a_x = layer.feed_forward_macaron.activation(ff_l_x)\n", - " ff_l_a_l_x = layer.feed_forward_macaron.w_2(ff_l_a_x)\n", - " np.savez('/workspace/DeepSpeech-2.x/.notebook/enc_0_ff_out', \n", - " norm_ff=x_norm.cpu().detach().numpy(),\n", - " ff_out=x.cpu().detach().numpy(),\n", - " ff_l_x = ff_l_x.cpu().detach().numpy(),\n", - " ff_l_a_x=ff_l_a_x.cpu().detach().numpy(),\n", - " ff_l_a_l_x=ff_l_a_l_x.cpu().detach().numpy(),\n", - " ps=ps,\n", - " )\n", - " \n", - " \n", - " residual = x\n", - " x = layer.norm_mha(x)\n", - " x_q = x\n", - " \n", - " x_att = layer.self_attn(x_q, x, x, pos_emb, masks)\n", - " np.savez('/workspace/DeepSpeech-2.x/.notebook/enc_0_selattn_out', \n", - " x_q=x_q.cpu().detach().numpy(),\n", - " x=x.cpu().detach().numpy(),\n", - " pos_emb = pos_emb.cpu().detach().numpy(),\n", - " mask=mask.cpu().detach().numpy(),\n", - " x_att=x_att.cpu().detach().numpy(),\n", - " )\n", - " \n", - " break\n", - "#print(xs.cpu().detach().numpy())\n", - "\n", - "\n", - "i = 0\n", - "for layer in model.encoder.encoders:\n", - " xs, chunk_masks, _ = layer(xs, chunk_masks, pos_emb, mask_pad)\n", - " i += 1\n", - " if i == 2:\n", - " np.savez('/workspace/DeepSpeech-2.x/.notebook/enc_2', enc_2=xs.cpu().detach().numpy())\n", - " \n", - "np.savez('/workspace/DeepSpeech-2.x/.notebook/enc_all', enc_all=xs.cpu().detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "c43fd4f1", - "metadata": {}, - "outputs": [], - "source": [ - "out, mask = model.encoder(feat, feat_len)\n", - "#print(out.cpu().detach().numpy())" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "0e73db22", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "8f506114", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.7.0" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} From 797ca389fc301baede40272daf36dfb38d462008 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 1 Sep 2021 07:53:14 +0000 Subject: [PATCH 003/103] paddle support some bool op --- deepspeech/models/u2.py | 12 +++--------- deepspeech/models/u2_st.py | 8 ++------ deepspeech/modules/attention.py | 4 ++-- deepspeech/modules/decoder.py | 8 ++------ deepspeech/modules/encoder.py | 3 +-- deepspeech/modules/loss.py | 10 ++++------ deepspeech/modules/mask.py | 16 ++++------------ deepspeech/utils/tensor_utils.py | 10 ++-------- doc/src/reference.md | 3 +++ tests/mask_test.py | 4 ++-- 10 files changed, 25 insertions(+), 53 deletions(-) diff --git a/deepspeech/models/u2.py b/deepspeech/models/u2.py index c1a35560a..1ca6a4feb 100644 --- a/deepspeech/models/u2.py +++ b/deepspeech/models/u2.py @@ -162,10 +162,7 @@ class U2BaseModel(nn.Layer): encoder_out, encoder_mask = self.encoder(speech, speech_lengths) encoder_time = time.time() - start #logger.debug(f"encoder time: {encoder_time}") - #TODO(Hui Zhang): sum not support bool type - #encoder_out_lens = encoder_mask.squeeze(1).sum(1) #[B, 1, T] -> [B] - encoder_out_lens = encoder_mask.squeeze(1).cast(paddle.int64).sum( - 1) #[B, 1, T] -> [B] + encoder_out_lens = encoder_mask.squeeze(1).sum(1) #[B, 1, T] -> [B] # 2a. Attention-decoder branch loss_att = None @@ -320,8 +317,7 @@ class U2BaseModel(nn.Layer): # 2. Decoder forward step by step for i in range(1, maxlen + 1): # Stop if all batch and all beam produce eos - # TODO(Hui Zhang): if end_flag.sum() == running_size: - if end_flag.cast(paddle.int64).sum() == running_size: + if end_flag.sum() == running_size: break # 2.1 Forward decoder step @@ -407,9 +403,7 @@ class U2BaseModel(nn.Layer): speech, speech_lengths, decoding_chunk_size, num_decoding_left_chunks, simulate_streaming) maxlen = encoder_out.size(1) - # (TODO Hui Zhang): bool no support reduce_sum - # encoder_out_lens = encoder_mask.squeeze(1).sum(1) - encoder_out_lens = encoder_mask.squeeze(1).astype(paddle.int).sum(1) + encoder_out_lens = encoder_mask.squeeze(1).sum(1) ctc_probs = self.ctc.log_softmax(encoder_out) # (B, maxlen, vocab_size) topk_prob, topk_index = ctc_probs.topk(1, axis=2) # (B, maxlen, 1) diff --git a/deepspeech/models/u2_st.py b/deepspeech/models/u2_st.py index b725cc359..531fafd0d 100644 --- a/deepspeech/models/u2_st.py +++ b/deepspeech/models/u2_st.py @@ -163,10 +163,7 @@ class U2STBaseModel(nn.Layer): encoder_out, encoder_mask = self.encoder(speech, speech_lengths) encoder_time = time.time() - start #logger.debug(f"encoder time: {encoder_time}") - #TODO(Hui Zhang): sum not support bool type - #encoder_out_lens = encoder_mask.squeeze(1).sum(1) #[B, 1, T] -> [B] - encoder_out_lens = encoder_mask.squeeze(1).cast(paddle.int64).sum( - 1) #[B, 1, T] -> [B] + encoder_out_lens = encoder_mask.squeeze(1).sum(1) #[B, 1, T] -> [B] # 2a. ST-decoder branch start = time.time() @@ -363,8 +360,7 @@ class U2STBaseModel(nn.Layer): # 2. Decoder forward step by step for i in range(1, maxlen + 1): # Stop if all batch and all beam produce eos - # TODO(Hui Zhang): if end_flag.sum() == running_size: - if end_flag.cast(paddle.int64).sum() == running_size: + if end_flag.sum() == running_size: break # 2.1 Forward decoder step diff --git a/deepspeech/modules/attention.py b/deepspeech/modules/attention.py index 4401a4a55..1a984dd45 100644 --- a/deepspeech/modules/attention.py +++ b/deepspeech/modules/attention.py @@ -109,8 +109,8 @@ class MultiHeadedAttention(nn.Layer): p_attn = self.dropout(attn) x = paddle.matmul(p_attn, value) # (batch, head, time1, d_k) - x = x.transpose([0, 2, 1, 3]).contiguous().view( - n_batch, -1, self.h * self.d_k) # (batch, time1, d_model) + x = x.transpose([0, 2, 1, 3]).view(n_batch, -1, self.h * + self.d_k) # (batch, time1, d_model) return self.linear_out(x) # (batch, time1, d_model) diff --git a/deepspeech/modules/decoder.py b/deepspeech/modules/decoder.py index 87c9fa492..143f6cc57 100644 --- a/deepspeech/modules/decoder.py +++ b/deepspeech/modules/decoder.py @@ -124,9 +124,7 @@ class TransformerDecoder(nn.Layer): # m: (1, L, L) m = subsequent_mask(tgt_mask.size(-1)).unsqueeze(0) # tgt_mask: (B, L, L) - # TODO(Hui Zhang): not support & for tensor - # tgt_mask = tgt_mask & m - tgt_mask = tgt_mask.logical_and(m) + tgt_mask = tgt_mask & m x, _ = self.embed(tgt) for layer in self.decoders: @@ -137,9 +135,7 @@ class TransformerDecoder(nn.Layer): if self.use_output_layer: x = self.output_layer(x) - # TODO(Hui Zhang): reduce_sum not support bool type - # olens = tgt_mask.sum(1) - olens = tgt_mask.astype(paddle.int).sum(1) + olens = tgt_mask.sum(1) return x, olens def forward_one_step( diff --git a/deepspeech/modules/encoder.py b/deepspeech/modules/encoder.py index 71ec61a0e..fb44fe295 100644 --- a/deepspeech/modules/encoder.py +++ b/deepspeech/modules/encoder.py @@ -162,8 +162,7 @@ class BaseEncoder(nn.Layer): xs, pos_emb, masks = self.embed(xs, masks.type_as(xs), offset=0) #TODO(Hui Zhang): remove mask.astype, stride_slice not support bool tensor masks = masks.astype(paddle.bool) - #TODO(Hui Zhang): mask_pad = ~masks - mask_pad = masks.logical_not() + mask_pad = ~masks chunk_masks = add_optional_chunk_mask( xs, masks, self.use_dynamic_chunk, self.use_dynamic_left_chunk, decoding_chunk_size, self.static_chunk_size, diff --git a/deepspeech/modules/loss.py b/deepspeech/modules/loss.py index 8918ca669..f692a8186 100644 --- a/deepspeech/modules/loss.py +++ b/deepspeech/modules/loss.py @@ -124,9 +124,9 @@ class LabelSmoothingLoss(nn.Layer): # use zeros_like instead of torch.no_grad() for true_dist, # since no_grad() can not be exported by JIT true_dist = paddle.full_like(x, self.smoothing / (self.size - 1)) - ignore = target == self.padding_idx # (B,) + ignore = (target == self.padding_idx) # (B,) - # target = target * (1 - ignore) # avoid -1 index + #TODO(Hui Zhang): target = target * (1 - ignore) # avoid -1 index target = target.masked_fill(ignore, 0) # avoid -1 index # true_dist.scatter_(1, target.unsqueeze(1), self.confidence) target_mask = F.one_hot(target, self.size) @@ -135,10 +135,8 @@ class LabelSmoothingLoss(nn.Layer): kl = self.criterion(F.log_softmax(x, axis=1), true_dist) - #TODO(Hui Zhang): sum not support bool type - #total = len(target) - int(ignore.sum()) - total = len(target) - int(ignore.type_as(target).sum()) + total = len(target) - int(ignore.sum()) denom = total if self.normalize_length else B - #numer = (kl * (1 - ignore)).sum() + #TODO(Hui Zhang): numer = (kl * (1 - ignore)).sum() numer = kl.masked_fill(ignore.unsqueeze(1), 0).sum() return numer / denom diff --git a/deepspeech/modules/mask.py b/deepspeech/modules/mask.py index 05e86eb33..6d46f5ba0 100644 --- a/deepspeech/modules/mask.py +++ b/deepspeech/modules/mask.py @@ -69,8 +69,7 @@ def make_non_pad_mask(lengths: paddle.Tensor) -> paddle.Tensor: [1, 1, 1, 0, 0], [1, 1, 0, 0, 0]] """ - #TODO(Hui Zhang): return ~make_pad_mask(lengths), not support ~ - return make_pad_mask(lengths).logical_not() + return ~make_pad_mask(lengths) def subsequent_mask(size: int) -> paddle.Tensor: @@ -92,12 +91,7 @@ def subsequent_mask(size: int) -> paddle.Tensor: [1, 1, 1]] """ ret = paddle.ones([size, size], dtype=paddle.bool) - #TODO(Hui Zhang): tril not support bool - #return paddle.tril(ret) - ret = ret.astype(paddle.float) - ret = paddle.tril(ret) - ret = ret.astype(paddle.bool) - return ret + return paddle.tril(ret) def subsequent_chunk_mask( @@ -186,15 +180,13 @@ def add_optional_chunk_mask(xs: paddle.Tensor, chunk_masks = subsequent_chunk_mask(xs.shape[1], chunk_size, num_left_chunks) # (L, L) chunk_masks = chunk_masks.unsqueeze(0) # (1, L, L) - # chunk_masks = masks & chunk_masks # (B, L, L) - chunk_masks = masks.logical_and(chunk_masks) # (B, L, L) + chunk_masks = masks & chunk_masks # (B, L, L) elif static_chunk_size > 0: num_left_chunks = num_decoding_left_chunks chunk_masks = subsequent_chunk_mask(xs.shape[1], static_chunk_size, num_left_chunks) # (L, L) chunk_masks = chunk_masks.unsqueeze(0) # (1, L, L) - # chunk_masks = masks & chunk_masks # (B, L, L) - chunk_masks = masks.logical_and(chunk_masks) # (B, L, L) + chunk_masks = masks & chunk_masks # (B, L, L) else: chunk_masks = masks return chunk_masks diff --git a/deepspeech/utils/tensor_utils.py b/deepspeech/utils/tensor_utils.py index 9bff6b0f3..3519f4fa5 100644 --- a/deepspeech/utils/tensor_utils.py +++ b/deepspeech/utils/tensor_utils.py @@ -168,13 +168,7 @@ def th_accuracy(pad_outputs: paddle.Tensor, pad_pred = pad_outputs.view( pad_targets.size(0), pad_targets.size(1), pad_outputs.size(1)).argmax(2) mask = pad_targets != ignore_label - #TODO(Hui Zhang): sum not support bool type - # numerator = paddle.sum( - # pad_pred.masked_select(mask) == pad_targets.masked_select(mask)) - numerator = ( + numerator = paddle.sum( pad_pred.masked_select(mask) == pad_targets.masked_select(mask)) - numerator = paddle.sum(numerator.type_as(pad_targets)) - #TODO(Hui Zhang): sum not support bool type - # denominator = paddle.sum(mask) - denominator = paddle.sum(mask.type_as(pad_targets)) + denominator = paddle.sum(mask) return float(numerator) / float(denominator) diff --git a/doc/src/reference.md b/doc/src/reference.md index 69ff6ab88..341e13611 100644 --- a/doc/src/reference.md +++ b/doc/src/reference.md @@ -1,3 +1,6 @@ # Reference +* [delta](https://github.com/Delta-ML/delta.git) +* [espnet](https://github.com/espnet/espnet.git) +* [kaldi](https://github.com/kaldi-asr/kaldi.git) * [wenet](https://github.com/mobvoi/wenet) diff --git a/tests/mask_test.py b/tests/mask_test.py index f44aca8fc..dbe8c4b09 100644 --- a/tests/mask_test.py +++ b/tests/mask_test.py @@ -37,13 +37,13 @@ class TestU2Model(unittest.TestCase): def test_make_non_pad_mask(self): res = make_non_pad_mask(self.lengths) - res2 = make_pad_mask(self.lengths).logical_not() + res2 = ~make_pad_mask(self.lengths) self.assertSequenceEqual(res.numpy().tolist(), self.masks.tolist()) self.assertSequenceEqual(res.numpy().tolist(), res2.numpy().tolist()) def test_make_pad_mask(self): res = make_pad_mask(self.lengths) - res1 = make_non_pad_mask(self.lengths).logical_not() + res1 = ~make_non_pad_mask(self.lengths) self.assertSequenceEqual(res.numpy().tolist(), self.pad_masks.tolist()) self.assertSequenceEqual(res.numpy().tolist(), res1.tolist()) From f54dc983b60db54039fc8a62b5ceaf4bfa4c074b Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 2 Sep 2021 09:21:51 +0000 Subject: [PATCH 004/103] using bw rnn in ds2 --- README.md | 2 +- README_cn.md | 2 +- deepspeech/models/ds2/rnn.py | 14 +++++++------- deepspeech/modules/ctc.py | 10 +++++++--- examples/aishell/s0/README.md | 5 ++++- utils/avg.sh | 4 ++-- 6 files changed, 22 insertions(+), 15 deletions(-) diff --git a/README.md b/README.md index de24abe2f..4e2a5685c 100644 --- a/README.md +++ b/README.md @@ -18,7 +18,7 @@ All tested under: * Ubuntu 16.04 * python>=3.7 -* paddlepaddle>=2.1.2 +* paddlepaddle>=2.2.0rc Please see [install](doc/src/install.md). diff --git a/README_cn.md b/README_cn.md index 4b9273625..e3ad20098 100644 --- a/README_cn.md +++ b/README_cn.md @@ -20,7 +20,7 @@ * Ubuntu 16.04 * python>=3.7 -* paddlepaddle>=2.1.2 +* paddlepaddle>=2.2.0rc 参看 [安装](doc/src/install.md)。 diff --git a/deepspeech/models/ds2/rnn.py b/deepspeech/models/ds2/rnn.py index 0d8c9fd2c..3ff91d0af 100644 --- a/deepspeech/models/ds2/rnn.py +++ b/deepspeech/models/ds2/rnn.py @@ -29,13 +29,13 @@ __all__ = ['RNNStack'] class RNNCell(nn.RNNCellBase): r""" - Elman RNN (SimpleRNN) cell. Given the inputs and previous states, it + Elman RNN (SimpleRNN) cell. Given the inputs and previous states, it computes the outputs and updates states. The formula used is as follows: .. math:: h_{t} & = act(x_{t} + b_{ih} + W_{hh}h_{t-1} + b_{hh}) y_{t} & = h_{t} - + where :math:`act` is for :attr:`activation`. """ @@ -92,7 +92,7 @@ class RNNCell(nn.RNNCellBase): class GRUCell(nn.RNNCellBase): r""" - Gated Recurrent Unit (GRU) RNN cell. Given the inputs and previous states, + Gated Recurrent Unit (GRU) RNN cell. Given the inputs and previous states, it computes the outputs and updates states. The formula for GRU used is as follows: .. math:: @@ -101,8 +101,8 @@ class GRUCell(nn.RNNCellBase): \widetilde{h}_{t} & = \tanh(W_{ic}x_{t} + b_{ic} + r_{t} * (W_{hc}h_{t-1} + b_{hc})) h_{t} & = z_{t} * h_{t-1} + (1 - z_{t}) * \widetilde{h}_{t} y_{t} & = h_{t} - - where :math:`\sigma` is the sigmoid fucntion, and * is the elemetwise + + where :math:`\sigma` is the sigmoid fucntion, and * is the elemetwise multiplication operator. """ @@ -202,7 +202,7 @@ class BiRNNWithBN(nn.Layer): self.fw_rnn = nn.RNN( self.fw_cell, is_reverse=False, time_major=False) #[B, T, D] self.bw_rnn = nn.RNN( - self.fw_cell, is_reverse=True, time_major=False) #[B, T, D] + self.bw_cell, is_reverse=True, time_major=False) #[B, T, D] def forward(self, x: paddle.Tensor, x_len: paddle.Tensor): # x, shape [B, T, D] @@ -246,7 +246,7 @@ class BiGRUWithBN(nn.Layer): self.fw_rnn = nn.RNN( self.fw_cell, is_reverse=False, time_major=False) #[B, T, D] self.bw_rnn = nn.RNN( - self.fw_cell, is_reverse=True, time_major=False) #[B, T, D] + self.bw_cell, is_reverse=True, time_major=False) #[B, T, D] def forward(self, x, x_len): # x, shape [B, T, D] diff --git a/deepspeech/modules/ctc.py b/deepspeech/modules/ctc.py index 10e697052..10c046383 100644 --- a/deepspeech/modules/ctc.py +++ b/deepspeech/modules/ctc.py @@ -22,6 +22,13 @@ from deepspeech.utils.log import Log logger = Log(__name__).getlog() +try: + from deepspeech.decoders.swig_wrapper import ctc_beam_search_decoder_batch # noqa: F401 + from deepspeech.decoders.swig_wrapper import ctc_greedy_decoder # noqa: F401 + from deepspeech.decoders.swig_wrapper import Scorer # noqa: F401 +except Exception as e: + logger.info("ctcdecoder not installed!") + __all__ = ['CTCDecoder'] @@ -216,9 +223,6 @@ class CTCDecoder(nn.Layer): def init_decode(self, beam_alpha, beam_beta, lang_model_path, vocab_list, decoding_method): - from deepspeech.decoders.swig_wrapper import ctc_beam_search_decoder_batch # noqa: F401 - from deepspeech.decoders.swig_wrapper import ctc_greedy_decoder # noqa: F401 - from deepspeech.decoders.swig_wrapper import Scorer # noqa: F401 if decoding_method == "ctc_beam_search": self._init_ext_scorer(beam_alpha, beam_beta, lang_model_path, diff --git a/examples/aishell/s0/README.md b/examples/aishell/s0/README.md index e5ebfcbaf..ee0f1405e 100644 --- a/examples/aishell/s0/README.md +++ b/examples/aishell/s0/README.md @@ -10,8 +10,11 @@ | Model | Params | Release | Config | Test set | Loss | CER | | --- | --- | --- | --- | --- | --- | --- | -| DeepSpeech2 | 58.4M | 2.2.0 | conf/deepspeech2.yaml + spec aug | test | 5.71956205368042 | 0.064287 | +| DeepSpeech2 | 58.4M | 2.2.0 | conf/deepspeech2.yaml + spec aug | test | 6.016139030456543 | 0.066549 | +| --- | --- | --- | --- | --- | --- | --- | +| DeepSpeech2 | 58.4M | 7181e427 | conf/deepspeech2.yaml + spec aug | test | 5.71956205368042 | 0.064287 | | DeepSpeech2 | 58.4M | 2.1.0 | conf/deepspeech2.yaml + spec aug | test | 7.483316898345947 | 0.077860 | | DeepSpeech2 | 58.4M | 2.1.0 | conf/deepspeech2.yaml | test | 7.299022197723389 | 0.078671 | | DeepSpeech2 | 58.4M | 2.0.0 | conf/deepspeech2.yaml | test | - | 0.078977 | +| --- | --- | --- | --- | --- | --- | --- | | DeepSpeech2 | 58.4M | 1.8.5 | - | test | - | 0.080447 | diff --git a/utils/avg.sh b/utils/avg.sh index 399c9574a..bde9dd253 100755 --- a/utils/avg.sh +++ b/utils/avg.sh @@ -5,8 +5,8 @@ if [ $# != 3 ]; then exit -1 fi -ckpt_dir=${1} -avg_mode=${2} # best,latest +avg_mode=${1} # best,latest +ckpt_dir=${2} average_num=${3} decode_checkpoint=${ckpt_dir}/avg_${average_num}.pdparams From e2838659606349bbcaf11901528cd6a4494b405d Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 3 Sep 2021 03:26:14 +0000 Subject: [PATCH 005/103] fix docs --- doc/src/faq.md | 37 ------------------------------- doc/src/feature_list.md | 20 +++++++++++++++-- doc/src/ngram_lm.md | 49 ----------------------------------------- doc/src/server.md | 34 ---------------------------- 4 files changed, 18 insertions(+), 122 deletions(-) delete mode 100644 doc/src/faq.md delete mode 100644 doc/src/server.md diff --git a/doc/src/faq.md b/doc/src/faq.md deleted file mode 100644 index e29428176..000000000 --- a/doc/src/faq.md +++ /dev/null @@ -1,37 +0,0 @@ -# FAQ - -1. 音频变速快慢到达什么晨读会影响识别率? - - 变速会提升识别效果,一般用0.9, 1.0, 1.1 的变速。 - -2. 音量大小到什么程度会影响识别率? - - 一般训练会固定音量到一个范围内,波动过大会影响训练,估计在10dB ~ 20dB吧。 - -3. 语音模型训练数据的最小时长要求时多少? - - Aishell-1大约178h的数据,数据越多越好。 - -4. 那些噪声或背景生会影响识别率? - - 主要是人生干扰和低信噪比会影响识别率。 - -5. 单条语音数据的长度限制是多少? - - 一般训练的语音长度会限制在1s~6s之间,和训练配置有关。 - -6. 背景声在识别前是否需要分离出来,或做降噪处理? - - 需要分离的,需要结合具体场景考虑。 - -7. 模型是否带有VAD人生激活识别能力? - - VAD是单独的模型或模块,模型不包含此能力。 - -8. 是否支持长语音识别? - - 一般过VAD后识别。 - -9. Mandarin LM Large语言模型需要的硬件配置时怎样的? - - 内存能放得下LM即可。 diff --git a/doc/src/feature_list.md b/doc/src/feature_list.md index b675d8100..4639ddd6f 100644 --- a/doc/src/feature_list.md +++ b/doc/src/feature_list.md @@ -1,13 +1,20 @@ # Features +### Dataset +* Aishell +* Librispeech +* THCHS30 +* TIMIT + ### Speech Recognition -* Offline +* Non-Streaming * [Baidu's DeepSpeech2](http://proceedings.mlr.press/v48/amodei16.pdf) * [Transformer](https://arxiv.org/abs/1706.03762) * [Conformer](https://arxiv.org/abs/2005.08100) -* Online +* Streaming + * [Baidu's DeepSpeech2](http://proceedings.mlr.press/v48/amodei16.pdf) * [U2](https://arxiv.org/pdf/2012.05481.pdf) ### Language Model @@ -22,6 +29,15 @@ * beam search * attention rescore +### Deployment + +* Paddle Inference + +### Aligment + +* MFA +* CTC Aligment + ### Speech Frontend * Audio diff --git a/doc/src/ngram_lm.md b/doc/src/ngram_lm.md index 119a3b21c..7872df22d 100644 --- a/doc/src/ngram_lm.md +++ b/doc/src/ngram_lm.md @@ -35,52 +35,3 @@ Different from the English language model, Mandarin language model is character- * A whitespace character between two tokens is inserted. Please notice that the released language models only contain Chinese simplified characters. After preprocessing done we can begin to train the language model. The key training arguments for small LM is '-o 5 --prune 0 1 2 4 4' and '-o 5' for large LM. Please refer above section for the meaning of each argument. We also convert the arpa file to binary file using default settings. - - - -## [KenLM](http://kheafield.com/code/kenlm/) - -统计语言模型工具有比较多的选择,目前使用比较好的有srilm及kenlm,其中kenlm比srilm晚出来,训练速度也更快,而且支持单机大数据的训练。现在介绍一下kenlm的使用方法。 - -1. 工具包的下载地址:http://kheafield.com/code/kenlm.tar.gz - -2. 使用。该工具在linux环境下使用方便。 先确保linux环境已经按照1.36.0的Boost和zlib - - ``` - boost: - yum install boost - yum install boost-devel - - zlib: - yum install zlib - yum install zlib-devel - ``` - - 然后gcc版本需要是4.8.2及以上。 - - ``` - wget -O - https://kheafield.com/code/kenlm.tar.gz |tar xz - mkdir kenlm/build - cd kenlm/build - cmake .. - make -j2 - ``` - -3. 训练。使用如下命令进行训练: - - ``` - build/bin/lmplz -o 3 --verbose_header --text people2014corpus_words.txt --arpa result/people2014corpus_words.arps - ``` - - 其中, - 1)people2014corpus_words.txt文件必须是分词以后的文件。 - - 训练语料<人民日报2014版熟语料>,包括: 1)标准人工切词及词性数据people2014.tar.gz, 2)未切词文本数据people2014_words.txt, 3)kenlm训练字粒度语言模型文件及其二进制文件people2014corpus_chars.arps/klm, 4)kenlm词粒度语言模型文件及其二进制文件people2014corpus_words.arps/klm。 - - 2)-o后面的5表示的是5-gram,一般取到3即可,但可以结合自己实际情况判断。 - -4. 压缩。压缩模型为二进制,方便模型快速加载: - - ``` - build/bin/build_binary ./result/people2014corpus_words.arps ./result/people2014corpus_words.klm - ``` diff --git a/doc/src/server.md b/doc/src/server.md deleted file mode 100644 index 4918d5ebe..000000000 --- a/doc/src/server.md +++ /dev/null @@ -1,34 +0,0 @@ - -# Trying Live Demo with Your Own Voice - -Until now, an ASR model is trained and tested qualitatively (`infer`) and quantitatively (`test`) with existing audio files. But it is not yet tested with your own speech. We build up a real-time demo ASR engine with the trained model, enabling you to test and play around with the demo, with your own voice. - -First, change your directory to `examples/aishell` and `source path.sh`. - -To start the demo's server, please run this in one console: - -```bash -CUDA_VISIBLE_DEVICES=0 bash local/server.sh -``` - -For the machine (might not be the same machine) to run the demo's client, please do the following installation before moving on. - -For example, on MAC OS X: - -```bash -brew install portaudio -pip install pyaudio -pip install keyboard -``` - -Then to start the client, please run this in another console: - -```bash -CUDA_VISIBLE_DEVICES=0 bash local/client.sh -``` - -Now, in the client console, press the `whitespace` key, hold, and start speaking. Until finishing your utterance, release the key to let the speech-to-text results shown in the console. To quit the client, just press `ESC` key. - -Notice that `deepspeech/exps/deepspeech2/deploy/client.py` must be run on a machine with a microphone device, while `deepspeech/exps/deepspeech2/deploy/server.py` could be run on one without any audio recording hardware, e.g. any remote server machine. Just be careful to set the `host_ip` and `host_port` argument with the actual accessible IP address and port, if the server and client are running with two separate machines. Nothing should be done if they are running on one single machine. - -Please also refer to `examples/aishell/local/server.sh`, which will first download a pre-trained Chinese model (trained with AISHELL1) and then start the demo server with the model. With running `examples/aishell/local/client.sh`, you can speak Chinese to test it. If you would like to try some other models, just update `--checkpoint_path` argument in the script.   From c9578cf940d0c74f2e97e9a5e3ad0cc4eed18f79 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 3 Sep 2021 03:29:28 +0000 Subject: [PATCH 006/103] remove useless link --- README.md | 2 -- README_cn.md | 2 -- 2 files changed, 4 deletions(-) diff --git a/README.md b/README.md index 4e2a5685c..0eeab7706 100644 --- a/README.md +++ b/README.md @@ -32,10 +32,8 @@ Please see [Getting Started](doc/src/getting_started.md) and [tiny egs](examples * [Data Prepration](doc/src/data_preparation.md) * [Data Augmentation](doc/src/augmentation.md) * [Ngram LM](doc/src/ngram_lm.md) -* [Server Demo](doc/src/server.md) * [Benchmark](doc/src/benchmark.md) * [Relased Model](doc/src/released_model.md) -* [FAQ](doc/src/faq.md) ## Questions and Help diff --git a/README_cn.md b/README_cn.md index e3ad20098..3ff668956 100644 --- a/README_cn.md +++ b/README_cn.md @@ -33,10 +33,8 @@ * [数据处理](doc/src/data_preparation.md) * [数据增强](doc/src/augmentation.md) * [语言模型](doc/src/ngram_lm.md) -* [服务部署](doc/src/server.md) * [Benchmark](doc/src/benchmark.md) * [Relased Model](doc/src/released_model.md) -* [FAQ](doc/src/faq.md) ## 问题和帮助 From 04d9db199fca74915eeeb1783b5c7453d209ff58 Mon Sep 17 00:00:00 2001 From: huangyuxin Date: Mon, 6 Sep 2021 06:20:29 +0000 Subject: [PATCH 007/103] add blank_id parameter --- .../decoders/swig/ctc_beam_search_decoder.cpp | 12 +++++++----- .../decoders/swig/ctc_beam_search_decoder.h | 6 ++++-- .../decoders/swig/ctc_greedy_decoder.cpp | 7 ++++--- deepspeech/decoders/swig/ctc_greedy_decoder.h | 3 ++- deepspeech/decoders/swig/setup.py | 5 ++--- deepspeech/decoders/swig_wrapper.py | 15 +++++++++------ deepspeech/models/ds2/deepspeech2.py | 17 +++++++++++------ deepspeech/models/ds2_online/deepspeech2.py | 18 ++++++++++++------ deepspeech/modules/ctc.py | 5 +++-- examples/aishell/s0/conf/deepspeech2.yaml | 1 + .../aishell/s0/conf/deepspeech2_online.yaml | 13 +++++++------ examples/librispeech/s0/conf/deepspeech2.yaml | 1 + .../s0/conf/deepspeech2_online.yaml | 1 + examples/tiny/s0/conf/deepspeech2.yaml | 1 + examples/tiny/s0/conf/deepspeech2_online.yaml | 1 + 15 files changed, 66 insertions(+), 40 deletions(-) diff --git a/deepspeech/decoders/swig/ctc_beam_search_decoder.cpp b/deepspeech/decoders/swig/ctc_beam_search_decoder.cpp index 4dcc7c899..fcb1f7642 100644 --- a/deepspeech/decoders/swig/ctc_beam_search_decoder.cpp +++ b/deepspeech/decoders/swig/ctc_beam_search_decoder.cpp @@ -35,7 +35,8 @@ std::vector> ctc_beam_search_decoder( size_t beam_size, double cutoff_prob, size_t cutoff_top_n, - Scorer *ext_scorer) { + Scorer *ext_scorer, + size_t blank_id) { // dimension check size_t num_time_steps = probs_seq.size(); for (size_t i = 0; i < num_time_steps; ++i) { @@ -48,7 +49,7 @@ std::vector> ctc_beam_search_decoder( // assign blank id // size_t blank_id = vocabulary.size(); - size_t blank_id = 0; + // size_t blank_id = 0; // assign space id auto it = std::find(vocabulary.begin(), vocabulary.end(), " "); @@ -57,7 +58,6 @@ std::vector> ctc_beam_search_decoder( if ((size_t)space_id >= vocabulary.size()) { space_id = -2; } - // init prefixes' root PathTrie root; root.score = root.log_prob_b_prev = 0.0; @@ -218,7 +218,8 @@ ctc_beam_search_decoder_batch( size_t num_processes, double cutoff_prob, size_t cutoff_top_n, - Scorer *ext_scorer) { + Scorer *ext_scorer, + size_t blank_id) { VALID_CHECK_GT(num_processes, 0, "num_processes must be nonnegative!"); // thread pool ThreadPool pool(num_processes); @@ -234,7 +235,8 @@ ctc_beam_search_decoder_batch( beam_size, cutoff_prob, cutoff_top_n, - ext_scorer)); + ext_scorer, + blank_id)); } // get decoding results diff --git a/deepspeech/decoders/swig/ctc_beam_search_decoder.h b/deepspeech/decoders/swig/ctc_beam_search_decoder.h index c31510da3..eaba9da8c 100644 --- a/deepspeech/decoders/swig/ctc_beam_search_decoder.h +++ b/deepspeech/decoders/swig/ctc_beam_search_decoder.h @@ -43,7 +43,8 @@ std::vector> ctc_beam_search_decoder( size_t beam_size, double cutoff_prob = 1.0, size_t cutoff_top_n = 40, - Scorer *ext_scorer = nullptr); + Scorer *ext_scorer = nullptr, + size_t blank_id = 0); /* CTC Beam Search Decoder for batch data @@ -70,6 +71,7 @@ ctc_beam_search_decoder_batch( size_t num_processes, double cutoff_prob = 1.0, size_t cutoff_top_n = 40, - Scorer *ext_scorer = nullptr); + Scorer *ext_scorer = nullptr, + size_t blank_id = 0); #endif // CTC_BEAM_SEARCH_DECODER_H_ diff --git a/deepspeech/decoders/swig/ctc_greedy_decoder.cpp b/deepspeech/decoders/swig/ctc_greedy_decoder.cpp index 1c735c424..18008cced 100644 --- a/deepspeech/decoders/swig/ctc_greedy_decoder.cpp +++ b/deepspeech/decoders/swig/ctc_greedy_decoder.cpp @@ -17,17 +17,18 @@ std::string ctc_greedy_decoder( const std::vector> &probs_seq, - const std::vector &vocabulary) { + const std::vector &vocabulary, + size_t blank_id) { // dimension check size_t num_time_steps = probs_seq.size(); for (size_t i = 0; i < num_time_steps; ++i) { VALID_CHECK_EQ(probs_seq[i].size(), - vocabulary.size() + 1, + vocabulary.size(), "The shape of probs_seq does not match with " "the shape of the vocabulary"); } - size_t blank_id = vocabulary.size(); + // size_t blank_id = vocabulary.size(); std::vector max_idx_vec(num_time_steps, 0); std::vector idx_vec; diff --git a/deepspeech/decoders/swig/ctc_greedy_decoder.h b/deepspeech/decoders/swig/ctc_greedy_decoder.h index 5e8c5c251..dd1b33315 100644 --- a/deepspeech/decoders/swig/ctc_greedy_decoder.h +++ b/deepspeech/decoders/swig/ctc_greedy_decoder.h @@ -29,6 +29,7 @@ */ std::string ctc_greedy_decoder( const std::vector>& probs_seq, - const std::vector& vocabulary); + const std::vector& vocabulary, + size_t blank_id); #endif // CTC_GREEDY_DECODER_H diff --git a/deepspeech/decoders/swig/setup.py b/deepspeech/decoders/swig/setup.py index 8fb792962..c089f96cd 100644 --- a/deepspeech/decoders/swig/setup.py +++ b/deepspeech/decoders/swig/setup.py @@ -85,9 +85,8 @@ FILES += glob.glob('openfst-1.6.3/src/lib/*.cc') # yapf: disable FILES = [ - fn for fn in FILES - if not (fn.endswith('main.cc') or fn.endswith('test.cc') or fn.endswith( - 'unittest.cc')) + fn for fn in FILES if not (fn.endswith('main.cc') or fn.endswith('test.cc') + or fn.endswith('unittest.cc')) ] # yapf: enable diff --git a/deepspeech/decoders/swig_wrapper.py b/deepspeech/decoders/swig_wrapper.py index 3ffdb9c74..d883d430c 100644 --- a/deepspeech/decoders/swig_wrapper.py +++ b/deepspeech/decoders/swig_wrapper.py @@ -32,7 +32,7 @@ class Scorer(swig_decoders.Scorer): swig_decoders.Scorer.__init__(self, alpha, beta, model_path, vocabulary) -def ctc_greedy_decoder(probs_seq, vocabulary): +def ctc_greedy_decoder(probs_seq, vocabulary, blank_id): """Wrapper for ctc best path decoder in swig. :param probs_seq: 2-D list of probability distributions over each time @@ -44,7 +44,8 @@ def ctc_greedy_decoder(probs_seq, vocabulary): :return: Decoding result string. :rtype: str """ - result = swig_decoders.ctc_greedy_decoder(probs_seq.tolist(), vocabulary) + result = swig_decoders.ctc_greedy_decoder(probs_seq.tolist(), vocabulary, + blank_id) return result @@ -53,7 +54,8 @@ def ctc_beam_search_decoder(probs_seq, beam_size, cutoff_prob=1.0, cutoff_top_n=40, - ext_scoring_func=None): + ext_scoring_func=None, + blank_id=0): """Wrapper for the CTC Beam Search Decoder. :param probs_seq: 2-D list of probability distributions over each time @@ -81,7 +83,7 @@ def ctc_beam_search_decoder(probs_seq, """ beam_results = swig_decoders.ctc_beam_search_decoder( probs_seq.tolist(), vocabulary, beam_size, cutoff_prob, cutoff_top_n, - ext_scoring_func) + ext_scoring_func, blank_id) beam_results = [(res[0], res[1].decode('utf-8')) for res in beam_results] return beam_results @@ -92,7 +94,8 @@ def ctc_beam_search_decoder_batch(probs_split, num_processes, cutoff_prob=1.0, cutoff_top_n=40, - ext_scoring_func=None): + ext_scoring_func=None, + blank_id=0): """Wrapper for the batched CTC beam search decoder. :param probs_seq: 3-D list with each element as an instance of 2-D list @@ -125,7 +128,7 @@ def ctc_beam_search_decoder_batch(probs_split, batch_beam_results = swig_decoders.ctc_beam_search_decoder_batch( probs_split, vocabulary, beam_size, num_processes, cutoff_prob, - cutoff_top_n, ext_scoring_func) + cutoff_top_n, ext_scoring_func, blank_id) batch_beam_results = [[(res[0], res[1]) for res in beam_results] for beam_results in batch_beam_results] return batch_beam_results diff --git a/deepspeech/models/ds2/deepspeech2.py b/deepspeech/models/ds2/deepspeech2.py index 5f8f32557..620d9008d 100644 --- a/deepspeech/models/ds2/deepspeech2.py +++ b/deepspeech/models/ds2/deepspeech2.py @@ -141,7 +141,8 @@ class DeepSpeech2Model(nn.Layer): num_rnn_layers=3, rnn_size=1024, use_gru=False, - share_rnn_weights=True): + share_rnn_weights=True, + blank_id=0): super().__init__() self.encoder = CRNNEncoder( feat_size=feat_size, @@ -156,7 +157,7 @@ class DeepSpeech2Model(nn.Layer): self.decoder = CTCDecoder( odim=dict_size, # is in vocab enc_n_units=self.encoder.output_size, - blank_id=0, # first token is + blank_id=blank_id, dropout_rate=0.0, reduction=True, # sum batch_average=True) # sum / batch_size @@ -221,7 +222,8 @@ class DeepSpeech2Model(nn.Layer): num_rnn_layers=config.model.num_rnn_layers, rnn_size=config.model.rnn_layer_size, use_gru=config.model.use_gru, - share_rnn_weights=config.model.share_rnn_weights) + share_rnn_weights=config.model.share_rnn_weights, + blank_id=config.model.blank_id) infos = Checkpoint().load_parameters( model, checkpoint_path=checkpoint_path) logger.info(f"checkpoint info: {infos}") @@ -246,7 +248,8 @@ class DeepSpeech2Model(nn.Layer): num_rnn_layers=config.num_rnn_layers, rnn_size=config.rnn_layer_size, use_gru=config.use_gru, - share_rnn_weights=config.share_rnn_weights) + share_rnn_weights=config.share_rnn_weights, + blank_id=config.blank_id) return model @@ -258,7 +261,8 @@ class DeepSpeech2InferModel(DeepSpeech2Model): num_rnn_layers=3, rnn_size=1024, use_gru=False, - share_rnn_weights=True): + share_rnn_weights=True, + blank_id=0): super().__init__( feat_size=feat_size, dict_size=dict_size, @@ -266,7 +270,8 @@ class DeepSpeech2InferModel(DeepSpeech2Model): num_rnn_layers=num_rnn_layers, rnn_size=rnn_size, use_gru=use_gru, - share_rnn_weights=share_rnn_weights) + share_rnn_weights=share_rnn_weights, + blank_id=blank_id) def forward(self, audio, audio_len): """export model function diff --git a/deepspeech/models/ds2_online/deepspeech2.py b/deepspeech/models/ds2_online/deepspeech2.py index f597a5783..f049f4155 100644 --- a/deepspeech/models/ds2_online/deepspeech2.py +++ b/deepspeech/models/ds2_online/deepspeech2.py @@ -254,6 +254,7 @@ class DeepSpeech2ModelOnline(nn.Layer): num_fc_layers=2, fc_layers_size_list=[512, 256], use_gru=True, #Use gru if set True. Use simple rnn if set False. + blank_id=0, # index of blank in vocob.txt )) if config is not None: config.merge_from_other_cfg(default) @@ -268,7 +269,8 @@ class DeepSpeech2ModelOnline(nn.Layer): rnn_direction='forward', num_fc_layers=2, fc_layers_size_list=[512, 256], - use_gru=False): + use_gru=False, + blank_id=0): super().__init__() self.encoder = CRNNEncoder( feat_size=feat_size, @@ -284,7 +286,7 @@ class DeepSpeech2ModelOnline(nn.Layer): self.decoder = CTCDecoder( odim=dict_size, # is in vocab enc_n_units=self.encoder.output_size, - blank_id=0, # first token is + blank_id=blank_id, dropout_rate=0.0, reduction=True, # sum batch_average=True) # sum / batch_size @@ -353,7 +355,8 @@ class DeepSpeech2ModelOnline(nn.Layer): rnn_direction=config.model.rnn_direction, num_fc_layers=config.model.num_fc_layers, fc_layers_size_list=config.model.fc_layers_size_list, - use_gru=config.model.use_gru) + use_gru=config.model.use_gru, + blank_id=config.model.blank_id) infos = Checkpoint().load_parameters( model, checkpoint_path=checkpoint_path) logger.info(f"checkpoint info: {infos}") @@ -380,7 +383,8 @@ class DeepSpeech2ModelOnline(nn.Layer): rnn_direction=config.rnn_direction, num_fc_layers=config.num_fc_layers, fc_layers_size_list=config.fc_layers_size_list, - use_gru=config.use_gru) + use_gru=config.use_gru, + blank_id=config.blank_id) return model @@ -394,7 +398,8 @@ class DeepSpeech2InferModelOnline(DeepSpeech2ModelOnline): rnn_direction='forward', num_fc_layers=2, fc_layers_size_list=[512, 256], - use_gru=False): + use_gru=False, + blank_id=0): super().__init__( feat_size=feat_size, dict_size=dict_size, @@ -404,7 +409,8 @@ class DeepSpeech2InferModelOnline(DeepSpeech2ModelOnline): rnn_direction=rnn_direction, num_fc_layers=num_fc_layers, fc_layers_size_list=fc_layers_size_list, - use_gru=use_gru) + use_gru=use_gru, + blank_id=blank_id) def forward(self, audio_chunk, audio_chunk_lens, chunk_state_h_box, chunk_state_c_box): diff --git a/deepspeech/modules/ctc.py b/deepspeech/modules/ctc.py index 10c046383..c330caf15 100644 --- a/deepspeech/modules/ctc.py +++ b/deepspeech/modules/ctc.py @@ -136,7 +136,7 @@ class CTCDecoder(nn.Layer): results = [] for i, probs in enumerate(probs_split): output_transcription = ctc_greedy_decoder( - probs_seq=probs, vocabulary=vocab_list) + probs_seq=probs, vocabulary=vocab_list, blank_id=self.blank_id) results.append(output_transcription) return results @@ -216,7 +216,8 @@ class CTCDecoder(nn.Layer): num_processes=num_processes, ext_scoring_func=self._ext_scorer, cutoff_prob=cutoff_prob, - cutoff_top_n=cutoff_top_n) + cutoff_top_n=cutoff_top_n, + blank_id=self.blank_id) results = [result[0][1] for result in beam_search_results] return results diff --git a/examples/aishell/s0/conf/deepspeech2.yaml b/examples/aishell/s0/conf/deepspeech2.yaml index 7f0a1462f..0f465a8f7 100644 --- a/examples/aishell/s0/conf/deepspeech2.yaml +++ b/examples/aishell/s0/conf/deepspeech2.yaml @@ -40,6 +40,7 @@ model: rnn_layer_size: 1024 use_gru: True share_rnn_weights: False + blank_id: 0 training: n_epoch: 80 diff --git a/examples/aishell/s0/conf/deepspeech2_online.yaml b/examples/aishell/s0/conf/deepspeech2_online.yaml index fdc3a5365..9f05d8dd8 100644 --- a/examples/aishell/s0/conf/deepspeech2_online.yaml +++ b/examples/aishell/s0/conf/deepspeech2_online.yaml @@ -36,17 +36,18 @@ collator: model: num_conv_layers: 2 - num_rnn_layers: 3 + num_rnn_layers: 5 rnn_layer_size: 1024 rnn_direction: forward # [forward, bidirect] - num_fc_layers: 1 - fc_layers_size_list: 512, + num_fc_layers: 0 + fc_layers_size_list: -1, use_gru: False - + blank_id: 0 + training: n_epoch: 50 lr: 2e-3 - lr_decay: 0.91 # 0.83 + lr_decay: 0.9 # 0.83 weight_decay: 1e-06 global_grad_clip: 3.0 log_interval: 100 @@ -59,7 +60,7 @@ decoding: error_rate_type: cer decoding_method: ctc_beam_search lang_model_path: data/lm/zh_giga.no_cna_cmn.prune01244.klm - alpha: 1.9 + alpha: 2.2 #1.9 beta: 5.0 beam_size: 300 cutoff_prob: 0.99 diff --git a/examples/librispeech/s0/conf/deepspeech2.yaml b/examples/librispeech/s0/conf/deepspeech2.yaml index dab8d0462..031d684d5 100644 --- a/examples/librispeech/s0/conf/deepspeech2.yaml +++ b/examples/librispeech/s0/conf/deepspeech2.yaml @@ -40,6 +40,7 @@ model: rnn_layer_size: 2048 use_gru: False share_rnn_weights: True + blank_id: 0 training: n_epoch: 50 diff --git a/examples/librispeech/s0/conf/deepspeech2_online.yaml b/examples/librispeech/s0/conf/deepspeech2_online.yaml index 2e4aed40a..27f59f3fc 100644 --- a/examples/librispeech/s0/conf/deepspeech2_online.yaml +++ b/examples/librispeech/s0/conf/deepspeech2_online.yaml @@ -42,6 +42,7 @@ model: num_fc_layers: 2 fc_layers_size_list: 512, 256 use_gru: False + blank_id: 0 training: n_epoch: 50 diff --git a/examples/tiny/s0/conf/deepspeech2.yaml b/examples/tiny/s0/conf/deepspeech2.yaml index ab9a00d92..aeb33f588 100644 --- a/examples/tiny/s0/conf/deepspeech2.yaml +++ b/examples/tiny/s0/conf/deepspeech2.yaml @@ -41,6 +41,7 @@ model: rnn_layer_size: 2048 use_gru: False share_rnn_weights: True + blank_id: 0 training: n_epoch: 10 diff --git a/examples/tiny/s0/conf/deepspeech2_online.yaml b/examples/tiny/s0/conf/deepspeech2_online.yaml index 333c2b9a9..4205a04ac 100644 --- a/examples/tiny/s0/conf/deepspeech2_online.yaml +++ b/examples/tiny/s0/conf/deepspeech2_online.yaml @@ -43,6 +43,7 @@ model: num_fc_layers: 2 fc_layers_size_list: 512, 256 use_gru: True + blank_id: 0 training: n_epoch: 10 From 4a73c07445914bef5a1c579156dd69b587650425 Mon Sep 17 00:00:00 2001 From: huangyuxin Date: Mon, 6 Sep 2021 07:23:09 +0000 Subject: [PATCH 008/103] Add doc: ds2 online and ds2 offline --- doc/src/released_model.md | 7 +++++++ 1 file changed, 7 insertions(+) diff --git a/doc/src/released_model.md b/doc/src/released_model.md index 0919bba58..581cff45f 100644 --- a/doc/src/released_model.md +++ b/doc/src/released_model.md @@ -1,5 +1,12 @@ # Released Models +## Acoustic Model Released +Acoustic Model | Training Data | Token-based | Size | Descriptions | CER | Hours of speech +:-------------:| :------------:| :-----: | -----: | :----------------- | :---------- | :--------- +[Ds2 Online Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s0/aishell.s0.ds_online.5rnn.debug.tar.gz) | Aishell Dataset | Char-based | 345 MB | 2 Conv + 5 LSTM layers with only forward direction | 0.0824 | 151 h +[Ds2 Offline Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s0/aishell.s0.ds2.offline.cer6p65.release.tar.gz)| Aishell Dataset | Char-based | 306 MB | 2 Conv + 3 bidirectional gru layers| 0.065 | 151 h + + ## Language Model Released Language Model | Training Data | Token-based | Size | Descriptions From bad7f9185754cd5cee73ece98cce6fff47dd2888 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Tue, 7 Sep 2021 12:43:16 +0800 Subject: [PATCH 009/103] fix readme --- README.md | 2 +- README_cn.md | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 0eeab7706..931e6331c 100644 --- a/README.md +++ b/README.md @@ -43,7 +43,7 @@ You are welcome to submit questions in [Github Discussions](https://github.com/P ## License -DeepASR is provided under the [Apache-2.0 License](./LICENSE). +DeepSpeech is provided under the [Apache-2.0 License](./LICENSE). ## Acknowledgement diff --git a/README_cn.md b/README_cn.md index 3ff668956..cc993f8bf 100644 --- a/README_cn.md +++ b/README_cn.md @@ -42,7 +42,7 @@ ## License -DeepASR 遵循[Apache-2.0开源协议](./LICENSE)。 +DeepSpeech 遵循[Apache-2.0开源协议](./LICENSE)。 ## 感谢 From d028c8416d4ace241a23b8caccac6a552aec0898 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Tue, 7 Sep 2021 06:25:33 +0000 Subject: [PATCH 010/103] fix recipe train and avg shell --- examples/aishell/s0/local/client.sh | 20 ----------- examples/aishell/s0/local/server.sh | 40 ---------------------- examples/aishell/s0/local/train.sh | 4 +-- examples/aishell/s0/local/tune.sh | 28 --------------- examples/aishell/s0/run.sh | 2 +- examples/aishell/s1/local/train.sh | 6 ++-- examples/aishell/s1/run.sh | 2 +- examples/callcenter/s1/local/train.sh | 6 ++-- examples/callcenter/s1/run.sh | 2 +- examples/librispeech/s0/README.md | 13 +++++-- examples/librispeech/s0/local/train.sh | 6 ++-- examples/librispeech/s0/local/tune.sh | 33 ------------------ examples/librispeech/s0/run.sh | 2 +- examples/librispeech/s1/local/train.sh | 6 ++-- examples/librispeech/s1/run.sh | 2 +- examples/librispeech/s2/local/train.sh | 6 ++-- examples/librispeech/s2/run.sh | 2 +- examples/punctuation_restoration/README.md | 2 +- examples/ted_en_zh/t0/local/train.sh | 6 ++-- examples/ted_en_zh/t0/run.sh | 2 +- examples/timit/s1/local/train.sh | 6 ++-- examples/timit/s1/run.sh | 2 +- examples/tiny/s0/local/train.sh | 6 ++-- examples/tiny/s0/run.sh | 2 +- examples/tiny/s1/local/train.sh | 6 ++-- examples/tiny/s1/run.sh | 2 +- 26 files changed, 50 insertions(+), 164 deletions(-) delete mode 100755 examples/aishell/s0/local/client.sh delete mode 100755 examples/aishell/s0/local/server.sh delete mode 100755 examples/aishell/s0/local/tune.sh delete mode 100755 examples/librispeech/s0/local/tune.sh diff --git a/examples/aishell/s0/local/client.sh b/examples/aishell/s0/local/client.sh deleted file mode 100755 index 3b59ad3df..000000000 --- a/examples/aishell/s0/local/client.sh +++ /dev/null @@ -1,20 +0,0 @@ -#!/bin/bash - -source path.sh - -# run on MacOS -# brew install portaudio -# pip install pyaudio -# pip install keyboard - -# start demo client -python3 -u ${BIN_DIR}/deploy/client.py \ ---host_ip="localhost" \ ---host_port=8086 \ - -if [ $? -ne 0 ]; then - echo "Failed in starting demo client!" - exit 1 -fi - -exit 0 diff --git a/examples/aishell/s0/local/server.sh b/examples/aishell/s0/local/server.sh deleted file mode 100755 index 2b8810993..000000000 --- a/examples/aishell/s0/local/server.sh +++ /dev/null @@ -1,40 +0,0 @@ -#!/bin/bash -# TODO: replace the model with a mandarin model - -if [[ $# != 1 ]];then - echo "usage: $1 checkpoint_path" - exit -1 -fi - -source path.sh - -# download language model -bash local/download_lm_ch.sh -if [ $? -ne 0 ]; then - exit 1 -fi - -# download well-trained model -#bash local/download_model.sh -#if [ $? -ne 0 ]; then -# exit 1 -#fi - -# start demo server -CUDA_VISIBLE_DEVICES=0 \ -python3 -u ${BIN_DIR}/deploy/server.py \ ---device 'gpu' \ ---nproc 1 \ ---config conf/deepspeech2.yaml \ ---host_ip="localhost" \ ---host_port=8086 \ ---speech_save_dir="demo_cache" \ ---checkpoint_path ${1} - -if [ $? -ne 0 ]; then - echo "Failed in starting demo server!" - exit 1 -fi - - -exit 0 diff --git a/examples/aishell/s0/local/train.sh b/examples/aishell/s0/local/train.sh index 3438a7357..85d1d42c3 100755 --- a/examples/aishell/s0/local/train.sh +++ b/examples/aishell/s0/local/train.sh @@ -20,7 +20,7 @@ fi mkdir -p exp seed=10086 -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -32,7 +32,7 @@ python3 -u ${BIN_DIR}/train.py \ --model_type ${model_type} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/aishell/s0/local/tune.sh b/examples/aishell/s0/local/tune.sh deleted file mode 100755 index 59406cd5b..000000000 --- a/examples/aishell/s0/local/tune.sh +++ /dev/null @@ -1,28 +0,0 @@ -#!/bin/bash - -# grid-search for hyper-parameters in language model -python3 -u ${BIN_DIR}/tune.py \ ---device 'gpu' \ ---nproc 1 \ ---config conf/deepspeech2.yaml \ ---num_batches=10 \ ---batch_size=128 \ ---beam_size=300 \ ---num_proc_bsearch=8 \ ---num_alphas=10 \ ---num_betas=10 \ ---alpha_from=0.0 \ ---alpha_to=5.0 \ ---beta_from=-6 \ ---beta_to=6 \ ---cutoff_prob=1.0 \ ---cutoff_top_n=40 \ ---checkpoint_path ${1} - -if [ $? -ne 0 ]; then - echo "Failed in tuning!" - exit 1 -fi - - -exit 0 diff --git a/examples/aishell/s0/run.sh b/examples/aishell/s0/run.sh index e5ab12a59..71191c3ac 100755 --- a/examples/aishell/s0/run.sh +++ b/examples/aishell/s0/run.sh @@ -27,7 +27,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/aishell/s1/local/train.sh b/examples/aishell/s1/local/train.sh index ec17054ab..2861e11ec 100755 --- a/examples/aishell/s1/local/train.sh +++ b/examples/aishell/s1/local/train.sh @@ -19,8 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0]; then export FLAGS_cudnn_deterministic=True fi @@ -31,7 +31,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/aishell/s1/run.sh b/examples/aishell/s1/run.sh index d55d47ea6..e3c008234 100644 --- a/examples/aishell/s1/run.sh +++ b/examples/aishell/s1/run.sh @@ -25,7 +25,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/callcenter/s1/local/train.sh b/examples/callcenter/s1/local/train.sh index 928c6492c..6e63df83a 100755 --- a/examples/callcenter/s1/local/train.sh +++ b/examples/callcenter/s1/local/train.sh @@ -19,8 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0]; then export FLAGS_cudnn_deterministic=True fi @@ -31,7 +31,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/callcenter/s1/run.sh b/examples/callcenter/s1/run.sh index 52dd44eca..305021f19 100644 --- a/examples/callcenter/s1/run.sh +++ b/examples/callcenter/s1/run.sh @@ -25,7 +25,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/librispeech/s0/README.md b/examples/librispeech/s0/README.md index 5603d3c8a..11bcf5f65 100644 --- a/examples/librispeech/s0/README.md +++ b/examples/librispeech/s0/README.md @@ -1,10 +1,17 @@ # LibriSpeech +## Data +| Data Subset | Duration in Seconds | +| --- | --- | +| data/manifest.train | 0.83s ~ 29.735s | +| data/manifest.dev | 1.065 ~ 35.155s | +| data/manifest.test-clean | 1.285s ~ 34.955s | + ## Deepspeech2 | Model | Params | release | Config | Test set | Loss | WER | | --- | --- | --- | --- | --- | --- | --- | -| DeepSpeech2 | 42.96M | 2.2.0 | conf/deepspeech2.yaml + spec_aug | 14.49190807 | test-clean | 0.067283 | -| DeepSpeech2 | 42.96M | 2.1.0 | conf/deepspeech2.yaml | 15.184467315673828 | test-clean | 0.072154 | -| DeepSpeech2 | 42.96M | 2.0.0 | conf/deepspeech2.yaml | - | test-clean | 0.073973 | +| DeepSpeech2 | 42.96M | 2.2.0 | conf/deepspeech2.yaml + spec_aug | test-clean | 14.49190807 | 0.067283 | +| DeepSpeech2 | 42.96M | 2.1.0 | conf/deepspeech2.yaml | test-clean | 15.184467315673828 | 0.072154 | +| DeepSpeech2 | 42.96M | 2.0.0 | conf/deepspeech2.yaml | test-clean | - | 0.073973 | | DeepSpeech2 | 42.96M | 1.8.5 | - | test-clean | - | 0.074939 | diff --git a/examples/librispeech/s0/local/train.sh b/examples/librispeech/s0/local/train.sh index dcd21df34..c95659acf 100755 --- a/examples/librispeech/s0/local/train.sh +++ b/examples/librispeech/s0/local/train.sh @@ -20,8 +20,8 @@ echo "using ${device}..." mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -33,7 +33,7 @@ python3 -u ${BIN_DIR}/train.py \ --model_type ${model_type} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/librispeech/s0/local/tune.sh b/examples/librispeech/s0/local/tune.sh deleted file mode 100755 index c344e77e5..000000000 --- a/examples/librispeech/s0/local/tune.sh +++ /dev/null @@ -1,33 +0,0 @@ -#!/bin/bash - -if [ $# != 1 ];then - echo "usage: tune ckpt_path" - exit 1 -fi - -# grid-search for hyper-parameters in language model -python3 -u ${BIN_DIR}/tune.py \ ---device 'gpu' \ ---nproc 1 \ ---config conf/deepspeech2.yaml \ ---num_batches=-1 \ ---batch_size=128 \ ---beam_size=500 \ ---num_proc_bsearch=12 \ ---num_alphas=45 \ ---num_betas=8 \ ---alpha_from=1.0 \ ---alpha_to=3.2 \ ---beta_from=0.1 \ ---beta_to=0.45 \ ---cutoff_prob=1.0 \ ---cutoff_top_n=40 \ ---checkpoint_path ${1} - -if [ $? -ne 0 ]; then - echo "Failed in tuning!" - exit 1 -fi - - -exit 0 diff --git a/examples/librispeech/s0/run.sh b/examples/librispeech/s0/run.sh index c7902a56a..af47fb9b8 100755 --- a/examples/librispeech/s0/run.sh +++ b/examples/librispeech/s0/run.sh @@ -25,7 +25,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/librispeech/s1/local/train.sh b/examples/librispeech/s1/local/train.sh index ec17054ab..c57946a61 100755 --- a/examples/librispeech/s1/local/train.sh +++ b/examples/librispeech/s1/local/train.sh @@ -19,8 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0]; then export FLAGS_cudnn_deterministic=True fi @@ -31,7 +31,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/librispeech/s1/run.sh b/examples/librispeech/s1/run.sh index def10ab05..aecd3f617 100755 --- a/examples/librispeech/s1/run.sh +++ b/examples/librispeech/s1/run.sh @@ -24,7 +24,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/librispeech/s2/local/train.sh b/examples/librispeech/s2/local/train.sh index c75252594..a75e2bb26 100755 --- a/examples/librispeech/s2/local/train.sh +++ b/examples/librispeech/s2/local/train.sh @@ -19,8 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -32,7 +32,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/librispeech/s2/run.sh b/examples/librispeech/s2/run.sh index 26398dd14..46c8ea5d8 100755 --- a/examples/librispeech/s2/run.sh +++ b/examples/librispeech/s2/run.sh @@ -25,7 +25,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/punctuation_restoration/README.md b/examples/punctuation_restoration/README.md index f2ca76996..42ae0db3a 100644 --- a/examples/punctuation_restoration/README.md +++ b/examples/punctuation_restoration/README.md @@ -1,3 +1,3 @@ # Punctation Restoration -Please using `https://github.com/745165806/PaddleSpeechTask` to do this task. +Please using [PaddleSpeechTask](https://github.com/745165806/PaddleSpeechTask] to do this task. diff --git a/examples/ted_en_zh/t0/local/train.sh b/examples/ted_en_zh/t0/local/train.sh index ec17054ab..928356f96 100755 --- a/examples/ted_en_zh/t0/local/train.sh +++ b/examples/ted_en_zh/t0/local/train.sh @@ -19,8 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -31,7 +31,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/ted_en_zh/t0/run.sh b/examples/ted_en_zh/t0/run.sh index 26fadb608..7508f0e8a 100755 --- a/examples/ted_en_zh/t0/run.sh +++ b/examples/ted_en_zh/t0/run.sh @@ -26,7 +26,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - ../../utils/avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/timit/s1/local/train.sh b/examples/timit/s1/local/train.sh index ec17054ab..3e2e4522d 100755 --- a/examples/timit/s1/local/train.sh +++ b/examples/timit/s1/local/train.sh @@ -19,8 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -31,7 +31,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/timit/s1/run.sh b/examples/timit/s1/run.sh index 67ce78377..75a2e0c52 100755 --- a/examples/timit/s1/run.sh +++ b/examples/timit/s1/run.sh @@ -26,7 +26,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/tiny/s0/local/train.sh b/examples/tiny/s0/local/train.sh index d42e51fac..bf4766ee3 100755 --- a/examples/tiny/s0/local/train.sh +++ b/examples/tiny/s0/local/train.sh @@ -19,8 +19,8 @@ fi mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -32,7 +32,7 @@ python3 -u ${BIN_DIR}/train.py \ --model_type ${model_type} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/tiny/s0/run.sh b/examples/tiny/s0/run.sh index 408b28fd0..f39fb3fa0 100755 --- a/examples/tiny/s0/run.sh +++ b/examples/tiny/s0/run.sh @@ -27,7 +27,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/examples/tiny/s1/local/train.sh b/examples/tiny/s1/local/train.sh index 2fb3a95ab..48968f63c 100755 --- a/examples/tiny/s1/local/train.sh +++ b/examples/tiny/s1/local/train.sh @@ -18,8 +18,8 @@ fi mkdir -p exp -seed=1024 -if [ ${seed} ]; then +seed=10086 +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -30,7 +30,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/tiny/s1/run.sh b/examples/tiny/s1/run.sh index 41f845b05..d288e31a4 100755 --- a/examples/tiny/s1/run.sh +++ b/examples/tiny/s1/run.sh @@ -25,7 +25,7 @@ fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh exp/${ckpt}/checkpoints ${avg_num} + avg.sh best exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then From 184d30dd9cc607e800e88a331d270b6f23dba7d3 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Tue, 7 Sep 2021 07:20:49 +0000 Subject: [PATCH 011/103] relase librispeech audio max len to 30 second --- deepspeech/io/dataloader.py | 2 +- examples/librispeech/s0/conf/deepspeech2.yaml | 2 +- examples/librispeech/s0/conf/deepspeech2_online.yaml | 2 +- examples/librispeech/s2/conf/transformer.yaml | 2 +- examples/tiny/s0/conf/deepspeech2.yaml | 2 +- examples/tiny/s1/conf/chunk_confermer.yaml | 2 +- 6 files changed, 6 insertions(+), 6 deletions(-) diff --git a/deepspeech/io/dataloader.py b/deepspeech/io/dataloader.py index a35a0bc09..310f5f581 100644 --- a/deepspeech/io/dataloader.py +++ b/deepspeech/io/dataloader.py @@ -44,7 +44,7 @@ def feat_dim_and_vocab_size(data_json: List[Dict[Text, Any]], def batch_collate(x): - """de-tuple. + """de-minibatch, since user compose batch. Args: x (List[Tuple]): [(utts, xs, ilens, ys, olens)] diff --git a/examples/librispeech/s0/conf/deepspeech2.yaml b/examples/librispeech/s0/conf/deepspeech2.yaml index 031d684d5..2c31e66e1 100644 --- a/examples/librispeech/s0/conf/deepspeech2.yaml +++ b/examples/librispeech/s0/conf/deepspeech2.yaml @@ -4,7 +4,7 @@ data: dev_manifest: data/manifest.dev-clean test_manifest: data/manifest.test-clean min_input_len: 0.0 - max_input_len: 27.0 # second + max_input_len: 30.0 # second min_output_len: 0.0 max_output_len: .inf min_output_input_ratio: 0.00 diff --git a/examples/librispeech/s0/conf/deepspeech2_online.yaml b/examples/librispeech/s0/conf/deepspeech2_online.yaml index 27f59f3fc..87445c0b4 100644 --- a/examples/librispeech/s0/conf/deepspeech2_online.yaml +++ b/examples/librispeech/s0/conf/deepspeech2_online.yaml @@ -4,7 +4,7 @@ data: dev_manifest: data/manifest.dev-clean test_manifest: data/manifest.test-clean min_input_len: 0.0 - max_input_len: 27.0 # second + max_input_len: 30.0 # second min_output_len: 0.0 max_output_len: .inf min_output_input_ratio: 0.00 diff --git a/examples/librispeech/s2/conf/transformer.yaml b/examples/librispeech/s2/conf/transformer.yaml index f7c27d1f7..4c60913e9 100644 --- a/examples/librispeech/s2/conf/transformer.yaml +++ b/examples/librispeech/s2/conf/transformer.yaml @@ -22,7 +22,7 @@ collator: batch_frames_out: 0 batch_frames_inout: 0 augmentation_config: conf/augmentation.json - num_workers: 2 + num_workers: 0 subsampling_factor: 1 num_encs: 1 diff --git a/examples/tiny/s0/conf/deepspeech2.yaml b/examples/tiny/s0/conf/deepspeech2.yaml index aeb33f588..c93217d32 100644 --- a/examples/tiny/s0/conf/deepspeech2.yaml +++ b/examples/tiny/s0/conf/deepspeech2.yaml @@ -4,7 +4,7 @@ data: dev_manifest: data/manifest.tiny test_manifest: data/manifest.tiny min_input_len: 0.0 - max_input_len: 27.0 + max_input_len: 30.0 min_output_len: 0.0 max_output_len: 400.0 min_output_input_ratio: 0.05 diff --git a/examples/tiny/s1/conf/chunk_confermer.yaml b/examples/tiny/s1/conf/chunk_confermer.yaml index 1b701aa26..96da3d9fb 100644 --- a/examples/tiny/s1/conf/chunk_confermer.yaml +++ b/examples/tiny/s1/conf/chunk_confermer.yaml @@ -4,7 +4,7 @@ data: dev_manifest: data/manifest.tiny test_manifest: data/manifest.tiny min_input_len: 0.5 # second - max_input_len: 20.0 # second + max_input_len: 30.0 # second min_output_len: 0.0 # tokens max_output_len: 400.0 # tokens min_output_input_ratio: 0.05 From 9c09837915284be732c4a5df5d934adb1ea1aa27 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 7 Sep 2021 16:39:24 +0800 Subject: [PATCH 012/103] Add files via upload --- doc/images/ds2onlineModel.png | Bin 0 -> 125579 bytes 1 file changed, 0 insertions(+), 0 deletions(-) create mode 100644 doc/images/ds2onlineModel.png diff --git a/doc/images/ds2onlineModel.png b/doc/images/ds2onlineModel.png new file mode 100644 index 0000000000000000000000000000000000000000..562e9505a45c0d2643bd75faed5afea8a797cf0c GIT binary patch literal 125579 zcmeFZ2UHZxwm05n$r6=}5@iIGEKx+VJ-_ih{BNfQ1DB zO5hKGnFVgj``F(H05vs$2LOO`09KeifD2M!6M!D90D%1l`*#kGqT`8X2<^EC7T60YC)c0~al=JX~cp zHSe7D@cZ$M{zo|&`EdupAn#dU|KR^e6s5I|hZQJ-DcJg+wTG1xNH>CY(aP1`6991X zKt7wdr|TL038bmr!5akWnKRn_ZVLb;+#sLz zp_MJz4+%J$z%^%UduNdL0cmL~J4s@jKrhlop0$5QvcPDm!sZKzMYNo&;I@FbPaxQ^Uz*j{dd~K zQRnCV_}R(*D{PS8*JKeK&@Ix*u%YWRz zjkD}O`t&gTd2iM>x8;9tZ{w`@Q(jlkTR*?c^}!E4`O&A%1I3?wkB2%xul01-{mFOr z)ciSy4wfpKzxNO7yC%R2$O8i4k01be+W3I$769a2Tz%c`ZS6c+WkF4|VO4gv;=9T! za82Mk0G#RVSsMV@9s8k=ShVN+z1BpNikO5=?c|Z~H5vT;}fF__F=mEX}!@wjk11tb*00KAwPOz}B2(U=8 zsIcg;Sg<&-AXoxeVp!5x@>qAUw6Tn^?qbMPbEbrC`0q%E$VERgKkz z)rHlMHI6llwSu*Sb&QRJO@d90&4kT~&5tdHEsL#+t&44jZHw)O?T7sY`x*92>`d(U z*cI4K*ge?8*fZE`*!wsD4lxcb&LtdP95Ea@91R>}oclQLI6*j(I7v8}IK?z5~8Lel-4Td>DQsen0*^ z{yqT#0UZH^K#D+vz>>g|;3>f?g7*Y)f&qdB0^~X3b1dfs&MBNTKIeQc_*~Mtf^!Y$ z2F@*=J0Uzz$U!Jhs6l8==t~$&_>QoKu#a$o@Pvqhh>J*yNSDZg=rPetqGF;pqOU}| z#KgpxiEj{V5!(|#B7R9+LflC_OMFB^Ny0-SM`B9iMe>X!m!y$ooMe}jl$4Y7CaE#0 zC+RcNe9{)uDN-aE6&W9yGMP0Qlq{93f^2|nlbn#8gIt!}oZOE*iM*7&k9_?+;d##U za_2422c1tnUwwY`{5}O0#dQh|3MYzaiUNu*ie*XyN={07N^8m|lv$K5l=DQ4>3Qh2 z=)LLF>D%bn8K@Z~7_1l~89p*hFk&REwWqQTb!nDpz%Y2jB zf%ye<1M>o^(47VG1Cil=4{3~Kt9Iw2-@`VSRN0`TsCzYoUf(;RY*h5}J`mf?$y>Zp~ zYUb5ZUJ_ne-iN$}yt90?e0TVQ`6~G~`Puo6`Q!LI_|eyduRXZ-?%L#a%IhlEgRj?I z-x1&uuo6fW7!o8ER1ky;RtatkL4<6C(uKx^sf5*p!-SiKPenvU+(n8-Rz%rF?~100 zj*3x>X^KUQb>6_caq9;3M%|4gaS?G(@sHwL61)?EB!`#M&^=?rA(&G+)cKd);Du*F3Dbzb&!28yLs!{E%#gHw+`jR)HX@ z9XeDx7CHqw2fDX(V|6F>xb?jBn)S)`P4)Bj4-IY`#2d^Q@*4&k_88F{*&9_E6Bz3o z=NRvs$eSdZESL(LJ~bUN<1+Ix>oTV|e_&p3L2hAbQF<5euEE`cyC_Qy%S_Atd&>9H z?jfw?tdgzPtZ!PsuwJo|vWd4@x-WG<{{FJ9lx>3Tik*yIlHIz!oPCP@wu6#GhQpzw zhGVWH=7GTjnA16@yH3^4l+KRMtuD+iJ}&*P5Z9-!Gj8H;iEapYRreeZEDtk}Do<(< zAbs-U_6qfyeJK4f^&!$*-@DX@!pGU?lP`~Ngzu7{f?u{juD_LkbHJs5#{si}vVm`d zu!8OdHAC5;PoN8r6d&b1CVK4n_;c{J;P~LZ5QC7KCrnQsJ(&+x3@v<0_SF69XqZG; zMmTP`eRyw#V8p8kbfk4;cht40q$pIhRdjdE^_Z72m}mE&^~Q?Cra#Aj?)-ctP9`od zo+92aem+4hq2dMWi^vyyi57`nNkT~($wbLs$ulqSysUb~{_6QFREk~7aO$m8SQ=wm zMB3qN>(>M6H`9wVm@=X=j^Eh78GEbvwjz@=Gbsx{>tWX7JN)GI{V?)T^<#6X zSZQ$?M_F1qRe59uR)uc`qSCH%rpla6P$@2c(=>#pn(>8bc6 z{Hgr2@aOVgk=}|v(Y~rLH@?*LOZGPm$P6?M-X3fpQXc9VRv+#k(Hj{XH65K9vmRR> ze=xp1@o?f~^3hkkuaV!*e@mKToXVWOG7Xy%nW>+>J^N`+XKr%dYJTmz$9L4ilSR_S zq$QT6{AGdVx)p_$FRLc23u~@xC+kl)C^phIxi`zUZf<=-7$O$7-M2A2(YtiJxqCu; z&HI}BQwL55Cx?+pI%M9F*ipx^!ST|GH;MrD^7P7S4O$ib72|}#xLUe{SOF|JV8y-< z#vnVnAWkp>0IDwlKxFb8uKv*i>$g|{q_O_1p0R(Sf5YBqCqN7VWH$nU-Xj1wgGFz^ z%GC%$S+Hu}1OVNe0Jfmu&kCMBD<1a+1%41%#FYSmmxRIWg1C|33ILprVlXF_7|dx7 zc(W4#(0K40o{gmt%xhO!nuyJv5a0$-j!ov0jD-H!N-lgmKl(Jd`mTpv+ z1sg9L^HsAf5aJe>-?yj&}K*nlbX@7`Z=unCVq zcmCPsX-jvJygEZE&wirVjUH>idYav76kA4_#VM({%jt;*S{`PC@XC$4TBaA$?p-py zD*N@-T`V2TlPoN@@6cM4xoawEzKKdb{qP+HT{k}GUQ)kFRBuk?t_9;t1{G{`!=ll+ zzBtu6{C1D)+bC%twrgGOQf+P(=`5#j;x{kUZHuHKAo+2(9pfLN8ljoblnx8BA8Q9E zmq+e6P495#@V1-Q#hgwr`Y%u$JpP7+9t8VWr}wo^1Uy_{x6+Ss&(r88Kfdyv+{19T zq&s^{n8gGgkuq95>nIP`KzdAb!-Nqc$=l-1n=2^a!iiP=%}2K?R;de@;@wCBtiF!Q z%`<4wOf44?gz(=h8H##K`3Z+r_V6i@au)`8_yVz_dl0a4wC2*YcW%U)5d|B}AL_S| z!T`-TPUJDbm%$tiFkOZLz8fFF$z_X7>?)r7M9%V+v)|FUYISZa{SBVF%*^Go)>#^1 zFKvN6_|av%dyL=G==Up+QiTlSeL578aQ`A9G|A}Ib)kW9T%F6MVJtr1o45#0SNjm? zu#9leNXu6K$(llEA*+x{FD>$1VC z(`cO7km~yE&S%%RA)I13*SmTHLp6p+%MSw9Mooe&-kg?xUs?!yt-cz0w1uYVo8U)3 zeJzSU&BXwhM;nZax{YrpKVz@b)nemUaFxC%#z?i!^Fd5ceIzA08w2Qu%AH^GZ-ZGN z9~x%X>9mTobTGVj*o2ZHpSF*xd2^n7C(jqLtXvrcolz*0WXeL_{Wy{YrCUq#KDJXN zrRFYJ=sZ%tO@WY^DzbU3!iXM`PWIlL^bn46Hm!>tRSmK&>NlLa6lPrA?>vLpXf|F| zeH#?bqv~$Irbv4FTP;pyfuTBbLoksrlD}b6%(43X#MH<%3TB=UzEe zU$^bUy-z3BQT2W{Og*=BNwp6gthd_lhi)8M z(-#DbIH%O^iuL{rlInCirt$3=%8QW+6t$c^!__9FTP z&5Rc;dpe!Wi?#eX_E4(#e47~^DfPwK&dazE=eH^izFg-!+NC}_8DM7-@H<}ko(lhN zqd~jCXRc7UhXDi!@`_E`MbaVl{l?_@=53bw7jAL9#J?G`MM9mBfZp)s`e!qd-!hY^ zv@0GLTL}H$T@>N^P}5~#dNGht-pa?1)L~M-ETq+d&@2D)JzuMfiUIooj~fQSqFHLV z-jC*=T2qq=5$=&770Se-?tDMnF?HjbauWvd`7*7#NC#8R_O?s3mgWT>j>Z0Ui?_NR(ImE60Cs^(KjCyT4ql*sVeE zC@|(?w0JHDjnFAST8VqaL#?WO)iATc9|Jt`IEcakZ*$c!0Nfq}be6A})$YYj(!tFO9dn=45gc{yB!V~Y+a$j)l+I;Zm)^8t9VC?g;N8V7< z)}Ivpj;SjNpb=rIxkf3icv4=>hMV8t^bd8-@Yw*lR<#B-L^yiB_$(=)b>_xyG`b6)&}# ze^>WS_Qt)sRBu#7ew14>KO5BhDE&yDX2v@RbS>$dwx!!58BDbj7l*S<3#fKN(2>44 zUq{3q2;}>JRvf_qnfJ@rs*L+x2GNX%-H^`#q}eF-lG++5v%^76V(pvrMKz&3N8i)r zSS}t4e?hhnwt3e;WM_KD-V0w|zFi7*o)4T2j(3NC%a#<^lgbbe@|)Z_#THHtlY#85 zdI=fyK@rb_`k{M5EAYb&nIqbISj!hj{R!T8%$KWFiz&Z|Khu0q|4Zd4MajHHxmAu7acy4+f8bm;!04r568{E~Eg zEaRBZ0eWCq5-;CmrSjbOPoqQ^1*{$kGNvt!>7JVTTiEv2dsQwRlTS*k2N|r4?n)Fu zmf-)a9Og&&E3epNn~TNIYTb^mr)xY4pK;YFDQKP5lQ4ELPd?SAA(4B%MOzP@9lr;f zgY%#{aP}&!MoEC?z)bk-%gb@pHC%5wza4?*fc^{OVeEErkFgQTw%BNT_&TI(-`9t^Ti(sst_9QznNc`Pz_{NEFK zAxZJldY*Z%^eK~gdf#h)DW{{LP?b{6GoPxVl37PK*n$DdD9xG=(>Vvz@w^1MW85`a zUXt%=busU6z1SAB`Q4QUhk8p)@%mwamJ;x?t+UIhzI{3f;vAf>w6&ryb4C-6^u1(2lenB2%MPyLXl}LA`+Uox z#o6BE)Oz^kReiU}WJr)I^wWL~q)qa#)C4lNIkK?9sVYkGRp44oYGyUd6-j2S1EG7@ zR?}YS4uY7CHOuI;$lPfDy*~jm**>%_9Tl|6%Jbh;rnO&xyTj}J_Eydf0*a2_z!)bB z?6=G|+WcLj&@Q@xwi~L6O)wMat8ZGS{Ldap`a|s<(y@n%_9maW-**fpp}XEl_e|Ym z9r79a3;3YE#^bi=b@|NHz0_+H>q(S_t3qGxanP85cGe!it#jjO&Wxb*6MVc&(KwS~ zX?|mliF`h$x7=GMEI`i6F{d^GSNn4E?LGEMxD0~La2B!pF3ogcAATgLGMq-~z3o^47bFV!J$X$yw0v z;aL$L4}UmS(2&LlXtGdjII)-@?iadPTICvl7VcJw+>uElMx|!Dz0P7%6fQ*+nhr}U z&+zgakK~@nZ**iVDwpd>aC%xKV&^qK5~I!zb_j-jN~tdzc4tNLOGJ{A=pcUV0 z$3&`q8JTOSXY; z&FWul1u{O^PNRH!MVaN!BPh{I)9ix&d;7NWQW7;A_0+Va@Plsd%<7otNbWb-|F)v$ zk*`k-P-+M$ikf_Odc7svWTj}9oZ8;r+nc>aX*AP7b>xVHGE|ea<}S6=?vT}<`y(RA zZUUNc;lv=|&S}0UEZiGT>9n`Zj%X+(&CWdtpu9z*{r*YVE=PhJ1OB;=fJL~%GLRX` z{ckGD9$9o^9W;KNyAd|8F`jzhg6Ml%4n->5eLBZ66gOZSvOcoYy(Rdqh3>L4f|~ot zZ7A3d=fF4;)rmBimqGHFZMC|PO#~PsSe^)B00K2%%GFWYgiBSCUoxhIWL*|G8c(vU zJSJ(5UH)_i{%lr$;~8{A%WXFvBMJ|c5ijVMo_$X`F&xGXQ61oQb#`IC>MRl4L#<@w z-T6&0lw?dBYu|AD$JA~m$gZ)Rg9^$@N3lFxQ zLpCwMxadJU(&WU`<)Z|#uQby%2}WLM z$ph4XQMHElPMj>%Y6oCgB8MeixR2Gzx~L299*7Amwxlx;)^mgef3FF%h$`gGQS$iaRv6bt;m~0$O|0xQ_j_jG)aBQEt zSUyn3p;#5U&1uQD&Om#EdUq{}X3Z<6*e6ULF`Q}PSZQzL!WKUKy_fj85~Ft`7os?g z$!M^UZqOiptc6NlFlSygOT;cSa#56sJM+=Mt1=lHlc{qL-~=)=xfW#798GV&A=A~! zTSf**#XC3`=Rb)*F|lf{WDA;anxQ{tKr_SNV}SlzpBD5H6s=e+G2em85uNEfeFTPT z{eG{5CN&A>2v8I%%N9P0a~nJPvTpCkm8ka_=3dStJ_k*Y&RL)+!q8yg9zA`)1cvQj zIAN120C#5OUslLb&$dPf18n>RO;osT)$uT$d|1+X$57Gsfb8*4G0wJ&`Sw;gxb#WwW3rAeuj$l2?Ztsi*k|i}dKKq=o)G7T znDh&*Lyh&d6Bh?4OVDN5BR(`aGPg--B;gy>&Y@yG=}k-J_xs#cytNBUFo% z+(N=*_N`M-Pb>bD27uMYS;c~bGC`Vc^WTPVbG2;I+NWP0@T@jxD6D0u$_*xD(_Ckd zyI3%*^dKQ7SL#MF+@ya!KrVB7nLZ`CbZBFt;+1UE^*f=AIFqa?M^*<9PosjUgFZva zPdVULijioboY@X4i*>LSm--6&)sM{@_dM3@mlFwaB^#M>#;N|-{@)wfMdU3%{rWbugsBULIzDtns3)2*j_Zd^;DmbH~U35 z?3{>5Nr{5?wVMsq_8J82fDdd+9EFd3HJ7R}egRF?Jxv`DfS)>(5k7JqHks=7jJw#$ zsv=&2hy1v9(sh7*HYS8Q^N~!DBf_?2LL>u$gC=H9XF#~3d%gr+8vD%K_6}gbQCAYb zkZ^CiY|118Xq-$JTRRE!nr9(2@^P!P@+}&dd-G1gBTuUJ-k00>8)!GDRJUG_NE8H# z2jkiZ!~l32BSDfrBBE6YnU*zWTH@wsAG)LL4rrGafv4$4?CHXn)Z1>*;XjfIT>dxO zvry;3&@+>9UY;`9d$71UkBYtpBydLA9pr?M{& z$-f76U!DYWE%B7IXDKeM=(1@jD0DGAuiucfUjtgK8u;EFuN!t`z ze}Gd?N48_ZmJ4;J4Mjssz1|Ctm8ZhrlIGY{>UcD)drh4#Xuo*NG(OZ1!m>Jp_ekxL zk$DBgX?w$NEhM`E)edx8eY_ziC4Lsco0{JMBS)9~AP?w{usEHKL)=oZ{=Vw&y~1a? zgzjBy%V72ZjE`XULdhb}zpB!OF38`Hsd;M|pUdhl?g?YqCTJtSuzWl`^~!3-WJ7`2 zmOGi^)k776ZIYWUEVmpPrOC35#F`xH22h_N_b#bjQQdLbk@|QR#RuHpmWdF~9u&49 zFt@8%f7U){#o1_(iTd)U>v;67Pnb?^f0;?Wc6-}CB+Bz^QvXswu8gOp;nH$WWR>{y zlw6L&U5oT44JyL6UI{CJc0~BQ22R~l9A>|i2UnI@vGqJeI;2Xs3aQi|S)xh{(k&jh0bXO=}|`TJEmu z!%IzkvyV!RkuP;BWxh{;_g|n{Y{1`!hf5lGd%3(vny=kdIxnE?YC%cqR^}2Zt!SQ8 zLw<4XIQeOr{?K00WhZCX)ePH^hdT^~0eMR}D=I$Xarx^hqr*Y|xNhfN529QYkDR@9 z&*J#1Iu8tRds-W{2xfX6z)Y`$fnR%+eg3qObgG;C|voy z%QUs5#d}Bn6r01xE@hMcVMK?NbPsRK)Olb>2O8>iK;F-8Q0h;69hrZZ4CLTbtv#06 z0TVn$zCuYO318(YUe76b#rRcgJlyZphxxZ33HZ6~zEi3|)m<=~9alKb z%Nf5ozz|_|tuF6-a>Jc->rC&#P?Mom{Pk2!=C{=(5&nErlbr7ru@Vb6 zPO^wPWaNeCGJaV}(IOW59~X0yr;-dmCS03ztBW;RSZBJ)giN|w$I<|f>y|HSr{(p zNFg*C=Kq{%!l0hIkbq)9#ewl}%u*4eIpfjJQ;AGe9ZI;cng0$0{FsbdZ zRt;(&7vn&F6@=GfxpQ7LpQXS9jxfkh^E}(>YWFj;cZ(}+4t1kTAH1$#d!oBgne|(0 zIY4te=tGgQeex7u!=Te9Bjl@+&G>or_9vq2`tN+(d|7!DM>!Wq*f}K}UuJdQ)_VRX z&HDSU*))oepAiJKqC@Z-@FV(qs-^~^Auy2l@So$QbRj(wR3zdZytYg71aHDz?Dzu_ zK)^n-|FLFh{xf^gYR30ZD^@FNJ8frX=P0!aicrrOo1EQ>@`N(^$jvU7j0!R2!5$Qo z6&9#1nBHufhw_ewa3h!!~`xqG*AsZipF~0VeRhf z=Si~&|78v93Um*%_2Cw+CNDM@i>Gn)aKW-bt8$jaem7t`A?J4W{)I%E6p_`?rz&ZW zJ68tkTv}N`LzlH?;Aa#2*rog;Z(63Qg3UNLOY3zUl0d@uu1N7j>v_C_UDaKoqVQ0m zZ2m5I=Rr55OOk1usuj&Xl6+@4fXO#=@}mSpM06^adDQN$5Uw@z&^adcErovPeN~1F zL&dykh27}YID+@4yfP>YFf@#qY)4mf4Y1~BfAt$C*9eo;@9R%6cyNgN2?&e}W z<&7nP8F!F|^!+9}17#8A)hz{q>7yt)KRR0I9j#Ne z%C=1K*0U^B4{QC=iK^&v_bU$}s4@O|_sJ|NCyhz2_Z0HWZ$|oQ*1%`Lzf2n;2 zjK!s4Wy&UjqYM7exA$ID^ZhWr2Q@t9-v>;LHQcBbyd&sFgjW|7ZbjpCfy<5RpJ0xW zWr;AvZ14;^l-XO*5ItN%rJ{a&2^os%9s9m z7|ohAb$NMJf1QjQtZuV=#RY!-k-)|EXX@nY!MUqmQm_w|^{a5Hu>F_r{_5$V#of$1 zL!`5AK1=9`hU}xypobXVN=i`nuqSQ(@X}mY-)^#imX61rfGt<$y*hq2gLo7av>lvn zax}jg-yWJ-I5X6i|A|Fe#*?ro(pQ)5^P325%d6!U%#Aw7dM10}0#uKyef1kj-UBqE z;nLhbaK(}0y&e|qX@_ejH*Qx&_k7fp3BQMb@tDe3nhY5+2c>jW&2eZTtLt|fXNqZU zS9=7LKYA;huwP`8IHGwF197QA!90Xx-z{{e!q4=0*9kfk1ur!mqM2-KxEgrf;?oIT zZE5?a*c7i|u$UOb2b9rbmBmGL6SPcmJ!{@SHi`wIu|*+y960f&0a1}HAexrn`(-fk z>Ff=s+HuZUE~^h#u@mIySH1m2qPzFPpL;Eq0Rr@w-;O+ z4>aycNwM&=Nabq~cr9uVZ-RF*XCan!ww)^xCoSTAv1LR3D7C;GqrL*ecK4*pf#w)D zqSt*p9hYoa1YO0`%g0Cm_Nf2QcvSg-!+*vHFcpMo)!+`FG4ez`}2;)bgp$yd!AVo}dl!KYYWbM>~(Nfnj!qG6lDhp)%Y zcn=q^;ma|_bv3PgF-QTQi2e7anD;hGKcCr$!$lV^LgO|x%V#7N$a2J7Isb}1s!5tP ziIaOJ_uI#hY3FZWmBsa@=?S2zN?)5zkCFNmBNTHGT^j$%&5f0gD?M>+^*{$1+nikU zP`XPb--g{VAmd7IH0<*i)Vtj_+W;BFCo~x%CM=BazDb0WXl65%WC$u{JjNeiUbdLX5DKhDF#QCiy!CSdpg$FH@) z{p^w}8i$K@QD~$w?h5fUZ&WLz+v61rXM?^VHqhflAu3Nptie>8bK%#{f@Xod1%?yY z&Z!1O_(}Ff_wK13R9{eKxz&sZj8^cHojRY>``;B~lwC8awE?M}7<>J9cxpBKi=_;@&sZlBWj# zlWLF>V6dH!P<)cxQ0`h2+P}l=5fbJM3ps7;+UvzyGfy@r-3HB*^V^xV49c&sNT-rM zya%M&EJUmgIQ-+u1lJ*7y7LEq-}+Rb*&!%e* zc8k9O)8Vkcw^I3a<}(dqSM|ddIN`pwKL5#V|K7$R0R?Vci8m{PPFA8{D4KsT*Vyhr zD?cp90M66LT1?(H8Cyc|R=8j?3yKKD0pfjF(9W3I=@a~Ma6eIE@yBYJUl=8AP+If% zBVkP}H$ky+H2){c`b%3J%rKY;lSI}RuQpsjYRp?u+3B37Y7YphsqBoH6`)NI4hEDN zHe9-s?l(hNW|7{k)ib1LciEC!=xu z-h$}qKly5I450sU>zE)6jU93VWx@b5;0ChCg3C~(qs4?OI;cUC}Dnbz@ z4BOxU_s)HtM)D8J98os-WXA40@`3By2Rg$o^S88r&+XqU`ER}bD+BqrmHOKz|L=Gp z{rewI)KCH2WUobHi+$QndKh9FtktY?-#A6n1=(#RKD~(3#3UsKBhF0o@!*frjyabD zuZc+Vk8$WNYdG-VPu|cvkz1*7wI5*?Ng_5e9O2HQrFX=Q!5=m)&$oJXJzjZV*!EYK zX(6eljF>Y2HgyIF==(kt${Snw|Ig6?%K=&f4Fwaz*tTCVz^@Mc56~oWw~ZQFXykp0 z1MYIel0Ah#!vGlr7@+ahp3JX4JoXoO5U?%JvN~dh0d9g@sT(z+F7xoEJvf3hko;G? zlJzITDjt_7L%&GMAgEa;ky}Tn{3yZ8o`gFb34bdk;U9yvJ*kKq3? zc_I562Nv5I5olHvIpQ!Xz$U}+K13@Sw7Q(o?#G_8CDoKzw1*Xd zz}KQVBMTMVNY9-KFOFTj`wPbYPr{}@wrS`Kb>)sNcym3L7JXucz*X%!N7q*`BcH^ zQ3i*W1&EAsr1@009p`eRcukZ_N)Zd`5nkSwHV4Go{mLZIFH7_+B;Rilk#(xun=zn5 zs2uklyc+Vv0Jtcn50!CsH-skY+lI@_MDDHjYgwAuOZR@5IV!&R9AA^7X|c+-wfxG7 zqIt{Q#3hVduq(*jnrL;r-f*!!aa%Nexg-B~C zvAwuj@{_wS-_u_obc&`lxzZe=9NlU5g0%Ho)5_yE-`KXT3(M)e$gDzSOY?Q%oDA=) z0+a3i1sA(-KZ*%~wB&c(gN%c@8p@OyW7GV?sl$z|extR;GRgPq^iS?CsKW%+N6Kqg z%e{?#oqcU+j_J0&=QP6WE+Il@Wg>)>gucVKNz-;5$oW#i{fl-8k+S_g_uypc4~j z84+6#pkQAq31r`m>pxfIl zlE>j|8V$!L9!vC)sXCbx8J}4FK_Om6$U zd#Sc0#_7Qn_0CH$Jgbemt8{b92&$9o!3aY&l+xDOxdZ+d6QqtElk| zCeC`DeE_G2U)?pC0zvIC`3I2Mh^7%I-wodM+T?droYz zj;KBWbbgna2clujORplEb>GU^>KTCqUSYGjyrLOXfVjF??cHHNN0l?1BA!H`F~-fa4@6)+olg^o&OP90wE1U z)V4u^Al6moHQk>dHsN_kC07Pb;DEpD)a51};Pm``BNP@UU+4AG!c z#aD0p(YRGnZ!tP87Z*C*q?!8)H>W5Cu9Q$T}LEPHH8D3eDxRj)1jVsR< zHb$dv!Qj!z9`cOqz#kc9gJ7B4EA`2KTQ$gcH$kI5Wx#NY?e_C`QCD5CJfGvs_YMSU ze`|*<`tdkgYZi)czK7B0bJiLklpZ}xa^rE!%r6voDm$6>hsEt-fC#v4{nfQmgLLxk zrKgLCviAc`UTy{QjL)0ZZ@agODp_l~g=%ZO;lgPOP|mRv31Y7r2)L48QIy-hLT!+s zziLH=B?PP1kR?{w!qAtY|X^AhHhDfi%9#~K)nFXT}SeZg`cLm}@Z(gLR9M@B-YUq~BC`xm!#*eMmY{g{EYYt0NLsq+-u-5qoC&ywFc(0);cT7!9) zh#JZ3R}~n12spk`^M8Jn%e#98_J}*b1yTEMo?G8RS=j4hVcVoaQA5Pn0+jp)b(Xkt z&er{fEQ8U&^0AZTj`Mah3;__ts5wG0-1C%Yw}sZ#-Z-)NZ6IFSh_XuwZ+FBioHtGE zIU3&psw(~xWZzsy3roxal&XQr{`fRKLU{W_f;zk*VSQvYr^o7=fat}kCnV8{ce}~R zWcci|rKv&|PUjC9T>I^PuQ*QYxoAkKgi$Gb_(x5BOn#j?pXO^A6d?o?-J)b2);=c~jk3Wyg|Xk~Jn9Xv9;*8M$}ZRl!w48P&v9*iNt zu43C_LRj_6gQB_NFB9yvgYS1tr|Xt_VjtMuQh0Cl&a(X3IT@hesDGA*u)3hqd1DIV zUu{3^uwSwE!OQ1$HxF~4yraXxN8`hOFX`aZJo@I{c?CGko<92-EO+%YrWMLCoyY-IBTsL?Csl4VTwa|D1+%6!BOd>H zhxVWEssBU!pmB5?e8(xB1_KmNRHD;13%3Q}4=}*J=_8RoA`CF<1lmS*Z@r_8Na!Z` ze6$^Yg#`+xQ^CjGEyr1_#vn)|kg@z%JB?+|w($RNW555w!Wuc+zieGk_calL|onVu|)i_n^NWK34$NKu(vbg7En+iR3)F(m|!OUrM zFcO^4+w(0@Bv&a0nAe5=%F$cXHP9G!gi4%@hYj09FQ3GMdLD|0fS@Bfo`R8{2AC;s z&-){*a3n8ltsMUPbX~eo_2|M^Uw#xf|6_|ibxClOTd=i&+tBYs+%q z*rKyxz6&}l8vw4XOt)D$iVDoiZx_h?fwN!0eZ1ka1obB`7(mM(GJ_!~5%G+{DOD^f z2AE0j!vHa09{X38L6Mf?523~a^^7rE5)& zrl(p~%iwW=9slX*Y3)x;_o5G2^s-S=o07?B>I;pqV=iU}FiS6$fdS~V{=k75XT}zf zpuG=Ej*IxeTey9PBi=ONLHorJ(`dqV41gSF`IX@}Oda^Jau;6z_ZEQy}GQ?iKAkQTz63GV)eYxke&mJY@@E%qKXR55Yk$vLg?f zG-e!d3#qd$Zg%H8()RYS#hsyhJ(fBeH8u8>8zsI*+Ptla(>WC^`ZUno(uZqy~Qf^Ms>w<4>Bq^hN;+oj-t7@T< z8RW1aRy71nW8`i9wqAC1P4$Nga)}A~cG4b&_el$f*ijIO*n%wGdw2}9c*d+^lM6jc zA$AN@E0tH*des z3sL$wkmOsQ@5Rj0JhOKW=jD+`Y+iff)CPD?NgxXmC$k|dY;$Dgv>{}bH_9ujYYbH7 zWG+5aecf>9>QOVHnRi-f7p}pZQJFb75z@aynr>KkZk!r7g`So98zMNwi$s5GvoL3mvT=;+J+1LtV<8UkKTVcY&YS#Z+LVh-(D7DfP~Iwj74(_*w*EmE`v7wW z&n4-vngk{2J{Edu2yy}~1u?EiB)6X8)@J!+HKnB8HJ&w!^CA`TwvBmN{N-+vxzg#F zY01gu&CNlLvJ^Dhx}u^&A<4+*Zd?aF>8DShA5mk)YXAmIqK$p{$c%Pq#nLmVy&6|D zeMYb(ssHRtp_{^vTmzf?MXG(z?$?UAhrZGmo8LioXZ>t?PlaJ5d z_YvxgOurI2X+%-W_SNp#A+UIJl1G+Un!<2t^ZR*OA*}tSN7C#_uDSFW(Qq`&YDAI! zwXaIQC8e+bssQ=Vri;Rr9Y4#uH;PvB<3iXJhSM2;imW|@{^f^e57aO}-V z2h)#_dF5?g_Dn>=i5*S+Jt*ItKYC`(cPqRZ_o$KsG97DiUQ%rvJ~JH>bRj3%Yc_)s z={MhcjHszhQSBkUuFd9nRY%b^4gtn$YBBoI&&PCoOG5oH)ecL<>*~;MoGtKD!sfY~aSA|z)7bx0< zJ~|ymYf8K#N{GiN?C`L-1jb;pW#gV2kHh9GpEg!*CpW8}NO>#Qm==a!ppf%^@TrQE zIGia-cfkV3RqPFU&GP%t7j!E}h5SjK`%V?!;u=sK9&y}UJEkA}<-Y|$W}wXIiImu2 z4B*61i0ezQ5gSV%?gh)o1c4a55K(?N2kdzJ@-U&3Uv$lc#fYG{J&?E=99}Q!N@}0awk6O&;?mah7Z)W zCY$f`j!x=Er=TUU7&J$K;^~Vzta*(ncV(FfFA1Y5qeTrqlPJ&XL|$7jfTYX$L&erS zuFN+0qW_RV<8?x)19ZZqBZy>M_|q1ma+YAM>~P>-;%w!}{$wY*UvTP)ji9XEW39W; z|HIyUhc&%@d%{5!P(Y+f6GBr21e78oNJOQBh)OR}QE387FM&vxE+C+&L`9?%fdEn@ zB2Ah|7myN)bVw*6kiu-vz30w7o^yZqH#6^@XJ+2>N0KKi<-5Oouf5jVt9;f->C1NB z2eutJ_)s#yZX?Zk;Mp-UZd!efaedUd<*d6h_co3f6tNaI5Bk7fcat8HE`Vc z1^ryK^cpAe8EGSv;zo^yIp`{~GMj!&2+6L*Q-__TUEf$O2s}!C;7aWITJ%U~Ux|vE zPje572j=jSk?2jjlS#^N5IQoTrtO;UKVr=))MbCTJavJiTZTV( zIBEZnBA!{FONsm{T=FM{L*$vxX>dW7Yoevc&vCVp<$`)>>?Dm>KfVU>P^?RPVI`QB ztR&y{b8fnE_DQN*iO=3(Djy~ZPjeWPKSt{fj6M0Ma&7;@TB7?W6PxMVX$rmpjkdBR z!-*Zpe&1uNl1d#u`c*wkNQ^|%P@myCQu2wEpR252cP8y!7Gt3-%Qip2(;9$NG=BvaY$nGiP71DU+JVMF>VX zxj1$Ht$f!}$u9JIV@ianM0JI4(goP}yR0O$uc#7e6O5H@u%g~yxq(${_%qlB9{aMx z5gLxUms3kDoKB0}o3Jp*(%#m&?)&H{-1mU)7pUVvENKTq^dSil^sfiHP4EP-7y4XD zJsM&a6LUwtgUdBOvAv$*x|XIC`h)BldI@3ZK?D;?{|+Gln0(3P^Nv1En>hZ3^7M#E zrYkaDM(lG${X6QJ>^qRua$@JtN4KHU?Ze+t$2k{a{Mf0j9mw5IG6QLN2com&yi};5 z-{Wa`c38WsP~`pllDL~8qoYdEyl*tZFI}QDxy}NBN==VtkE8Z4s7r!s>paIR)(f?Q z`Z?>?*JT-0B_tXEMwz!IQIEG zQT|6=R^7S&LKl?O$kd>iCg18+$7}7kaG&`b`r6NYM) zCf$hSP^z02{lLY*t)8U1d2yabJncCO!bc+KXmTz z5&p{MWpB6oh9&hD*B%}2)y+kLaX2T*Xxyta8sU6v+w>zr!nO}#<8wzUC8>A5$2D4+ z@g+@9%lr_Ngd-pKx*}>HjlIPlw{()EtYgKtzvF0AqC@$WtisstBugEczDqh&Nf-Bh z5r3>9KJe}@9kFz94q6XvpSmK#kkp9xXdXK#iYGh5S<3jzRG;*DF;`o~RLbsY_}28^ z{Kp%qrb-S44vXUV``QA_G$Gvhv?Xk&Q#uDihWgsGP1miE#_pRgqi-6`G-P3RsrsTD z@~qUIr=P=b3$s=6zSxJZc1+Sr%G8vK)ZQzf_*i3}>0A!|Poo4RZ!KdZUccc!>3O3m z4?i-x26n$ZwZEtNfnToGys;8S^y{E`i^{XH+W~a@;^j~3;9xhg4{aq$D)=S>Fpwy(`|7=ict0jPiKJ)&UKXA>0JXxK8wVy>t9VJg6x7 zz%+7T5zpoQ!~i+9HsXyt60KvUuIl$VKMBwKiV@98RDAwqHbn-`Kx)?Shc|7T6k_Ah zWx@9cpQ*DmDLY~pbf>OS}{SPzmJ)^{~d8ULiioK~ru;akt{ zI?ww3Ii({r=+q031cPorNi|MQ{v^wQvCM1p_oS@t8yqQ0|CxMT4R6F){^N5;|Z;>`} z3@JdmHd(PqCUD|TqYf8N+E)`8g6;2!EpZ~99LZPx9<~WMt8f`A(1lx1#YS&WPS}46 z8d^E;9oWqO7X#wGKK~$doF3|o|wL|V(-K9h45oofpyd>HWSfRa!Py+xeo}@ zKslUkH7s7uc%s98LOC|8!ufbvT+joxes2Ssot339-A(O#3W=%i3|0;h2x5(VnIhF) z3nCMBXDEL71^o{JKYK9VNy|iI^1|>!%-i(&c_ZS_XCq%)n(m+3Q;mwN6(ck^K!GxW z<5og9_|R%DxGy)c1f^+^rXS{G(1U)H#Qeto2g^V{KW%RYP}WMZ>T`8bKSI&@&~>x~ThU{{v(26Lu?Efg^n~4G>r%sp z==l%4L+W^{82UMF4=@8^btBg%)L$2p@&+3A6X+Y1)kXKay*n3b@xw+`Q~YMe@|0e% zXo9PWj!2ZuhkXzN+mI4l4ECPeAo|nxdHGR?YYVkUdry0nzmMp<5jFO~BHQhRe}?qR zHhwG|zDE%nF+?nz9MQjCL$HspF-X+TU8qV+BSwitQf+G3FGO*dl?a(0f3oMkbv0|> z^7a3Di{-asnrVdF1eBzyCYeimc-$WI=xN>TZFhEsr4O-v-S1|OGA*wk^DvG{9%Ouk zaKjlLaDg9kdSI!_^60DWg>&A*G6@JXPD8~>7Z+M;x|@LGC=5$Y>!cdZ5cpWgNGqVaMVGPqBruo>$;P(B_x%q zP4%ZeJJnwr7!0W0OJ4E*YDD7!=ksk=<@3NI!Whi zKw#~{&*z{N<1q-yaUnnN8+Y60Q5>V}jRb6y`JA3oN*>tS_xJz(J%3Jr^UL4+<8OKJ zw>${EDxXn8qJBCdv$w`;@ZNMI%vIu$p0*=qX89tI=&y|)i}G#8P?8esSo(lrAD z-4(RYA$huQI$@cU!}rhRG~RT~b1FN$<>umJP@pb~SWYo1+P>G-2l57fzI^=`DVn=! zn~cAe{!5U+c~HFCatBi3Mm-+?@m39LGJ%q`9O05emF zjhee&DT^|$=-U|4>L?TVBHd;MnR;YJ8?oIq5JjCiQ!wl7xfNn-Jlk}S+akVLL z=WFE%)~3**H2%9$dp$awZ(H5!Q0+W%=pAvdHuTv~^@F{Nbjw_3Kh2h4WcZxA2sQ0m z6N(;XS{d3fRG1O@0C_j0dqzJIEfT-_)hkISyQ13n*<`}4X?@0nSg~{>mK#d+C5??E z!)y2A*<#{f5^N_;`sF~hKgaD3#^!9d=INo^M!pL|bC-NLm!Ce2-E-$@!3}6O#;mcb zVrc{)aJhz17#O)Y`W$47G#UP?2r)N3YMDCA zLXar_ZgO^Gp`gUXzRwo3RqItI4gBXurlLN|bWhxfz3qDa=7D9F>XO2TY=yJvWUn2_ zuo%uQa>MY!vG;vNHRo`F{!o^Ans7w~W6udC$8^QjV+>wZszTSblT>};%*V@}kdL5c zoAn71P{~tj`IoA&sRx5 z!}~-*8)^LS3DR>sL%h9W9EI<)_%HhKD@*@uN)Xl(V{~+BdvVhA3-r0|zHT=-?SRK* z0%OO7jKAAKME2 z%F!({klke;(yhPnQubD>tV~dcmmq#1~AEAeNF`@C^$CRqs#* z^HmaIt|FL$4Hx;grPKTdYkS>fahv(oqHO|t!ny`G2ZHuDLIPo$2**jc;r#LJP=uZG z!|_rATa;Hyml-@nP(Z7)nkQBE+U?ZBa85C?XKKCeBF1aNH@K)?Z=H;t&l;wp_g<|N zTxb7U+{qVx+v5633o%#YPiO9^h1R`d1=WiGDc<&flqLT=T?Hlt@IB%tA1(t2&_@wI6D49+bY0V7{*_RBsOTjJoe zeQ*123s<}AhH1DA|BzBkw2{htvfh$ve{JNqMZ`@!J+XxV@bVv7+R*ZGaxwhJ9&uWB zFUq>%O8OL?y~>mNeGBbU%}o)Q#A2JU6zkM4(9GT|jN=3GwOojcyG6?@f==Z$CIU+Z zoU2wkJ4UhNaJ_bIO=W3U;mTpS`torRWJ!xC>!`tV>pgiqA|ce*WX)0Mau{Z85l5)k z!KXb^yNG*vOpepi7C5ixl&{$gwd4*qa_43YCLRq_o#GTe|BB;#V^B1>(`4HNH3PT- zG2SS;P=xTrxFz##?UCNLc>&LX5=mE%k+8TK`64dVlND$+OMO@`j$lj$j_KQS z2hqV4)1iuBgdHws$+ZumoQLT@oPOz=rq78SnG$Y;XfwVw20hoh=B0gHbR<>srA9*A z#7sSKbXGAw3gY)|nrTQ4Ivx^uuv7ni2J2o2?=>6AS*dj0uF=lTKX2e}JY{W_R7hpDhAQTF=h;fB-i z9C&!+HQ)t6pFTz$Afa-1E2G}-u6}L)_=uBliV~}|S#jn2jG?9Let9t-NABvBw!6z- zl;o>tFvc^aP2_`KC%}QPSu0Gj=%esV^56qk!V1@|0`&$yr}zC(fNLmKR|$u7jHEGr ze=J)c&l|FzY74-;m4aYFT|1B?H8;l-1n0&|S3bvi{}dF^)D0S#U^_T!+2-Tt;kQ?> z$}44EmzeD0D)Fpu;@*dZX<_al>G3<+yAbokP6N%~NYLg7zRr#6bP0Nfb`7Zm9G$YS zxk(?=^#@YETf~Jjb26m~`x)=O-8oNnw^hUUZN}E{6_Csf2ISO~eDW+?+zw}DmlTd< ze)yCs`srb-e^8i^1O1xYIIIrNMUo(*32t>?YAQ&E<1RWRvR2e(!`j#AI+=pQn*JwD zr)*mIz4qB9^WAW6uYuuQcyIs)HU`F~ewNlb)Y;HXu#fhVLDp}7efFj(*Cof&se8X^ z|AdbummG88n)JRax-NNK6?4sXa-rU13=|cg>>tkCkuhaUx5jOqsz&oB^oQsA6~mcR zAX3^~jz=8MmSf%I^LR*U zia-~exdZm0^`oq>o?wqQ zAHIKk>v0n4&{3)}5#js5QW^bYU# zVJWtE7g&z!ugZEB(KM1RAEpZ3L&ZTSE9ppREt^{ z@akdz(q1j$xAtmQAnbsR0uA&)HIVji?Gp<@_+SiF#ZBe4k&nUGR-q&gCEB-yRZwh0 zXAf|Y0rqwx4fN2GcEoNHU|UiNBpuKY47<&Z86%TWloV~E0d{5z2D)PpvD0*s<0k<0 zI>0sOfPrR%;V#NFn#2y|s4+#bm{4%gV&Qa#? zcgMB_go8L1e;BmI+l4Xw)4)L7?oX3-yNwof5g=e_P+vo*(r9}+UmyPsS@f5o{W4XH z&yby8kmEWqj2H#f6n(M)c*&r%=O5NC^Vg}OCd+MYu~GIj62p*5a1!%BzkslkI{1lc(lYdxO82fL>R$#8A3F6f>nZh5 zt!FOs_c^-wk1qZ<`~2U|KBbt>BNV@Wm!TDXJTcAVfUdY^s>vtcr}=E8?M3Ygl_Q57 zcOZ6O2Z)KgTNI1Q3~+DTl_lMn|5TRf|Gr0||5d#IH~anH&VK*fS1>czw`X!W;pT%p zC)*=E!ewO_#p7>ZVv+)*v{8?R^BaTVcqHJPq4TupldIV9xJ?ND>- z-PtoN1xGJ1sfDl&Rrdfu#Xl+yxy64Kxc^gHg6(hZ`3FPezg&C%r~J3x8D-YLjeMx4 zq0|;;R+7P9kdn{bu&K1kd^=#ZiU-Q*hD zo)#!Rw`U^?nDTiGW$Dw+eW*U9@K7OrTZ&1fEJW4WlfCgkn5OZ=yi5q)>^@V;&nf#f zbag9yTvAi@sJgE^uI3l?r4*nmWw?xOHD&=e%3n60`mL$nKT+WHZzb>OSehbf%u@Ya zPvLr4>X~&Fx`#{m3_Tvhp`-L+%>(_l?dS~JDdd+mP{#aOdk3OzWmZwYA$COjqrmKM zEl$RTY~A*sJ*(=3RT#zyTAuUKD(x4Id(HD8|H=J}V$hnmN8GbT%W~e-IAVq!9sD0$ z9s*;(dh#EPkv@*Fv0QxzXVrsyZXvs&lGYl2i|;r*1k|mwC!Hg})q^?)hSsmb2bBtv zW(Q8_ykL22b}C04y7@Sk9F8t@p1}^5(k?l#koN;i_svbT52MWqR)^KXNz&MA@$@Z6 z<>+kbb!7I8$E+Ukp@{YE9y9*w$JPKb>f=CU#G4+>g2llX7I!{=pr5+Jd*VUz@)YMf z_qvH6tQop>bZCHDjhwsWHFtZ>xbd0`+=TSP;)&b^Ct}xQ3g^dxA~iNgN3>KR{$EGEl)nf1Cd<(q0kN9ZtEbEaW zF^!h=m8HctrowA0a}@ZiR=?tZ|KI=Ub=LsD+quP##x5R}qeVs3hM{>#Jh(!S&!ZgG zJsV`L(ho`7x+c82M_G)I!z9J>P^}-;)Ve?S#rRi1dvS$_7ka$AyQypdxlFoUHRM-d z}6 zc8%=@b^c=ZpWv%vzCN_Na^&_==Yk@SI-<{6pD>J}I#GeUu`mvERisX8jwAozneph^ z1s45}x=JJIU8W(n8Xy30Ecl;t^#AqRGVWG4=2Z-or@N#yW#$-^6U&QhO1{iEi90YW zoH_@ABsujVddN3HgC(=Yu}S@WiBn(jL!ZFmD#M58e!Vco_zT6kRQ7WKLh~$7g<=wU zB%WnJaO0kgwIRBNPj57;^s{y|YzR6@E6uSA`pWN86p3?Dzs5)$ef#j)3#6w`$?-2U zw;C2-g*58!DTCqQ$T|(!>^t888bxyl(pt5Bk?7gwNo5{4dI$i%!i+mI2W`&K^QA5y z%`jD8Ts92Q3=~p0mwlli2lpO7731iksax&kvVnZCYJp_E-p~~x#uJ^}DgJ!=d92As ziE(+1i|Zg>nSRNXJ;H98{fPh%=&~MLP}_mbG|EwUI7_L9**g#oB`hA` zptO_3Xxy6=E>2pseI$0J0Zz%!{FQ+IIGaheM^Q*w00UzJI`0D8-e0%_3ALx$*Fo`U z?D#9x`Zcw4JCGpJ9murJUyuScMzj!T$r4cgnCuq^_Riu)R1 zy+g=#PAkx7tdr6i^5?bsGle`F4eJNa=+0<3NmhjR4%j=d(#J@rkv|da!2Ji>H}2no zXe!i?ZBEG1OuGI|8W>$Srj>Tm5LbZ zcdrPWM&5cZr?cn|q51{Y_e6*if%^%(&;LRg6_mxB1(Pl|ssNDNo{Gg)k{i z!7#Ql*$db`2tWJWOGo1cg@|)>d=2G^iiDG!X6Ky~sR>@vAI(6kS)0CvXW}}puK?q9 zss>cPjtydZ7{qN6ofTDg;+|uUu70ZCSqaY}M^AsnrPq80`8O5#?)2o%Yt(1RTDDl^ zV8%@HoVJ$}vU1);Z+R?!u0262BWw8%As=xdxTz>b^Nk${*Kq9ENJmFu{HYH|Qfyih zE1#9;A9{NC45+yI1Ui|t`If=yNo~yodE)&_AN_AvzM#&S|3AMcC=J0PZg}sBhuI>oIBYg+hz^xhdh*zR>fYeG8-)K#v1CTeL~@{So9hM ziTMV7$EsU|h+Z2OGjv6*Knqp>VpHe;yUmpNH$VR^*Z!}NYhDQjz9`}-Nz#cXLn!X9 z6`nmD+Wt{r+gwDS-!dTPTo;d&}+3hKakSVyh{7S**^Mf4-B$yEg4;nzB#zi6; zzs4yq&kkhjqU$nHEO)(5J>~bBNBfPay7*S`xS19KW7c=37Cb|^*CLnpku@wRe5E}Y z7wBadWaBp3&)@aAknXL^UE;y+!#;v}`D?28PlafAZ2$**;RHdM!X?lsVP*`Yhz_wB z-4Z}aW(b_uSqF7yxki(=n{4BA*K@CCdHMFlB-WidGksCz))e>^T|F}*S``a-1|Ak@je~5u-vb<}v?qk5W8|Ei)&8kbT zGECk|ybvd=y2nMvpR5P!caB>dsbeHzhyF?nT1mAzCb9O4@>D#rpASEJ^HXZRuH z=WDN8H|u=YEJUgyC^%{35!hQ)4+6u%l(SFfub9T^@{<46(7wC`4>u%6b z_k1@#U7=LaQ=xqq{c~4rNc8*(?(ko|BGBF9Wppam1-5k>$-4vjp$b3_4{vP9Aj-(V z^lm97HPdio+xIKb_K~oun~@+gj9h<<07qKnmwaG<+X5T=ZD}tJl=HN3l7Mx7i_Buy(N~MqnyC}nB-BrTJ|l9W9KLxKoaD^dXMY{cumvsxFnHWQuX-3ASO#2)WSMgU+7cDoB~KD>3Ohf&4b#c)sZi!F=@eYbW=wnJO<1lWi#S)OXp0(+N0pIZqh7 z?}eo$FBzzb`PEgKxY7>ey`^H!KN&8x&aj;Pv?r_9m6`w=Su-Pt%qHUi^r_r>iz1YJ zR*1Et8=;xiCeUcJ;XiICVq2VDELmH@6Uj!qOyRLlJ4~m zb%v_mGS%i!Rss56bw1+3Ehc;dPjB1*#D345^a)2gpg1VkNfqPkNz5{L0~y;Zp0Xb; zYqz|mt;TYno_FeMbtKD4ZHAhd$rsVE@!T;w&c-QLh_9P5tz`|{i*$Zp!{IWry7e3p zYxi?xdUNO}vV?9}}NKKFAMA)vx}ueaJ@T}b;a;oKju4mn>0 zIKx}nv~OqSVw3_{_iWa?;pEuId|iJIT=BIWw{e`~G_YD+Ibp{tX?-GI-8w=zdMmqL zxzq`cznbGEkQSorTFX4Fx8y`~sa9ABj*8lWM9Uksjx@142YrGOCducKgEt61v~aic zP~^WuPoSH|9>GpUQ8acS#Q^{*v|HD?4R)&&NFhe#4{acXc(~`0zkXvH6+C3r2<}Y* zpOR1)=hUM?kjz+0n&05Y9g5SMX}`+P9GrA2A(_CvVQz`oGI%p&mM>`AHj+BiIFaW* z^F9Ubq|oI?_(Yz_vmN{H_&(;P)=yRQn722ly)@;-_Gz{ql5amxpDRw+fuIMc@)_Cz zIdD+duSb#Cc6|-`jaUb{NM!j6MXJz5U5wPGN6-pAQ644x^4+ksO{dt8CK2{W>m>6; zk*nt)JZ7_vJfY0?*-MNuDxy$E0NZxS|3mEZ{jhgAMw)%nLG}wNyWW7k3%f!RI7zJg*b^=%)iZ0e8 z%g~?3*h%@?_>1!cLkyJ@!Uxlw0d{YE^uQJ*p``Y;+g^{uKThT}MhVk>K?8S9NH$Ol zu@sOrP?WArd+8!Qy#rzQjckOKbvC0Tkfm<1n5XL8sPIz9AlYN9i$9$Fr@RUDyxl{* zVWKB1fHKA)1JDsMX%q?8z1H{ce?N7y@xNNdq4bXetflg zib%+Nf>9(AgNmvN%t5G7Gid6c6|u1ZR9Ve0t1hSU7$fmzp5@31%P>KDSC)4dY6ROv zakme=g1)ikqh<#k^v#~=82Hp?X!^6h`E>cu**X7|@KKcF;~W-CP7f|exmF)GnWrf% z_2IXa)NT?$tZXH?R@4E>thCXG#EBAQ*RnNTGRHFHd;!X&Bzbr^A`7p_6d#cvwo-(}(AG@)%E$%SyrzWgyNtqs*?oc#Iy-f8B1 zM+yTqy8!73jX^S9YdC#TgA_MTLR`!CeXf;g;67yg_VAZ(QRQ~gC;8l+Qgx4$%*5$8 zpjUcNC_Wd6yLP=Y`s>&3)2WU>z2c8&YE-@)d1PV&Nz(l!=sf+J?1W%?u2V&@efgls z$(FN3em_Oy4sOJDMk}G^R*CYkXqm&PqVRGGvzF?6^b1hKTc|G5k3kOl*K74GPZjqd zj3!(Z^!wh$E)8c_87V}Fy?m!**O@bp*Fkp+GS*k|MAWEelg!SSMt5rW$h;{nFOLnH zSM_}?s>Qf@0pPs};Kmx*m=V|UrpW~6I%O^Lg#nSZB?*TiF>$Nti0|X_Q=xSbvY7xO za& zNZ1KplCU`Am^Yg)S6|36x~d;1)n?RNWLMpnmG10t+UZ&&|4_rjIn0Esx4{c)PmtDBhF3MKmYnq~7wGdz18g9>OlJ zCnUhx$~xot(>_Tv)(XjXdzSYti)MVD7@~71ZFZ|w$-ZO}s`gM?^W#B*pI<~jrq@D% zOn8zxvI7}}0v&F&u}OvOo*RFEAlS)b$d-H5*E^8Kn{cXhuk?yPNsOokB+(!lY}W6e zvD;=jW}_SHKj5?-h#bBi0I)<6D2yQO_6ssPoA%xR)f)eN{cMxf z0dpRBnrgf+BSTdy#g)`Y=0PC)YBX>!`Fonu6B=IMuh3lHFijN*l)2uZ;|ghq_3Mkv&65|0Us;cXa}MfHT}Sza1yq$4cordxhsmdk{5p$#Vl-GzVY>+ zg`l;B)A@q!<^G;`Elj(ItSX5IvqXYzwVSVU>oyrVZ5ioMYq59F+0{Sx?U(VmUXK6R zFlKM)G*iFbz;E>8h=^8gfQD<>sUe>;5d3B5MS*ka8!QH!JaIov7$EkI#y-i?$RUd4vEbhLWuC z@VdiT4un_E*IMox^AROgX6cuDeRj{?QpDQqkK{$kZm?G$D$+TiTl8jgA}wU8_J~~L zbJa>OB#Z9dG{TR$)HOIJwdi$2aieR3*zs#0aJuv=^bEC^NzM33U6L1>Z4S2Ai|^~l zY=`F0{^uIf=wou4if?jNTEEO0f6OD{gmZt8z7_D8|(o2Oei2vsf*q4z45I>;(RgQROF{a$hUn%y-Iq%LMU z@ux=Re*Zp#dG1~Eqti7}>d>diyUZ0ozm7T&*2*F5@p7NWSQ2F(H^e*l(OTSo}>##lV1ieA5#9@CkW| zaPcI*%yaaOqWMJ{dt*-uKSo@I#b%r)!SM@?(DwsN((Xq=X7}AL)aRjwN_OXMd8gFc zE2j6B)5Wg^C+X!&BM7H%uniZonO6*~#~3VqE1! zwNX4xWB?(Czc|4YO_9~<_jEfrKTxju;Dhz>kiPgOdoht-v(_=Zfg$6CZXmRb_Bo$5 zJyuH)PmjpV9pSLFdOlN=F5zcBRhrjSJVi7<4>h2O08E?e$(#YB`g50Ev}x?sVVK^- z0jkd>WtMI9d2OY0CLW(1kJzWh#+bfb<1uN&h#LsofC>1bmc;bBMI4tcySpcdCUFcF zVW+!VL=LFj;yEC1{%}83n%1Q*SxkM&>sx^EwG%ZPBuRZY6FSKj9waqev1to-LYU?Dn&yC#Rp8mSD^{;vuR2TO zdfxetT>j}h#q@TsNR;>u`Vph00KB88QA8ElFqhdVM%mljk{Lu|N|--b&aO}!t% z^jzguf^gug_gCrA*$V`5VCB4}eI6rTp+G4`3&f#61j*HzNTE9r$-N}NAGbD|Y0HKO+Y~=qyWzMB}6#Q>9_`f#7`z%B|KUz6)^^ zdKzFtYUke0B~zI2eF;%+Z(lYp`h3kP{>&rQQuT98yh6}w4le10EkiE};PcLuxy3{G zU+vM9e|vT0yMf6StO3U+lhK=0>-8@S@V6!eHsBJZ8FsJGKAXa}InBDJOmcd2jhIbi zEtAVOjNl-X`(oW!Nt5i$zUf|;j~<(6SP@OW(PSu=__QWNvt}Xjt_{>4OhTqc_UWhPsc~oXzIt1mUtaaA15S=p-@R=z zqqozeAzJ~>@RG=2iX8!^NqyxR7hs8Zi^s%VyCXx3l6h-qTybWP>TFS=tLW3?ywKxk znr#vn=V^x!%rQ8I;)##92Aa~rq1q_cYrm4!td~bN=EC;%c;$4t5(_K&yJr$lyPkS@ z#(K?mNfY90Q?W=LFBF?dh*3XD(sNEY=!u+X98y0b>nN+^ywtmB8ONV4PNRO)`&pGgye3C_;^a-1UGwv!bDoMTEJ_Il)<<2tT&w<&uFo{S)U`Oc8@$f|D)uKT~K`Ne(p~l zWG0GgWOI-h!7KuCa{|la5F}q6K=r7%yqrt45u#1NHyS6+DN`0(90l%0{5|X3qYUaMjN(-0 z|87$4npS>p&2n3!$V13QThK8s$#S*xdnwHjRX4T?&UroIjs9uBd_MNa&jS@c+nrf^}poTIZ-RIF+#5QiOWc%-nD?%4VsI z*bKu{WqdDP?#53XjpXregRY1P#4vstcbP{3lx^suACizz7qmBZvni1j0Gia~-bm9W zc&EJMjb?hpDln+)BjP({BJlW!9a3!SZd~oyn}_P=-L)(fCwQDcPZN}#qS=KW(C@nQ zt;mz?#@gvranjm|wV}J9Ft7dAvka~w?-Hr0d$&AHYfl8VW$Y)tBt+r{noYzE2yPGM zOpVckA zKX-DrWauNt^2Q4*KOdJI!&EBynf`@~1dO)D0K8--#EzQ1jvY$S5HlF)F|6wGGQWCi zdS3LpNyJ^@xRM4Q$9sZvm?JKGsj6U^QBBaWASTire!-k%L*Qs1olWn(d6a4RXk1rl z^9iHSa-AOx*Fxk^YU~YN+YAX}4gzb*Mp3rIujr6kvgXx=dW?n3dX?l@G24rW6Dh^@ zGcwy&db1CYr|P?3mT&DNx^U6qePWSzodQD??Jn9W#6c1|5GTi5pT#O*QQcS2W1V1G z!ST#g|It*^p;GBn!=+4l9B29!tp$Kz78Eum@KFp&Hm@k^F%$6QoWX^1ns{H?OKn}U z*Vn9^q4y5ajoc#zr@s~TX>dsIi(|hYd&=!Y&MUSgPt@ST#L&k@wtygR;!% zb7%M{BZ23W90bZvim}d6>|5e7s_GqT_S|C_B5iL9X{lr`Ki_ob1ZyC9cRw+Hf|Vni zp+hJftR73hfGu5lXcSe};XZBGR~Uiv%Keyn)9m_cp^e2w^(omwdR|^}esZ<$hw7T{ z#pMlVWQmOti`xnDnbyQ7hYdD|+@&u>L!`$OBF9!A8%3drav)=5wotxy6CI)sMYd|F zA47is=mt_(Fs<9Jf}~T(jXAJ`jn!c>u&7{gLI4N%?qk1hP!F0^F@YfqH%x_nt_lZG z#Xl}x9i3n9L*ER49@4SL(6zJa{@(nr`@itQ4kDzep&0Z5TDv87F`IC)A$3$4pEYSH zlhSbZnqx)zwXaKZF9eI0Q!-ST9KKv{mKyF&gun8BS_SEWq{Z{1d{|F*=$<|ojOloCYJ2*jf%=Ie9c zW$lTQEfhXIsyV@yG~XwlbT=xo^2+TX`B)2m`lTmV7@MvHbs#x0A81Tgz8(_?pWE5v z?F}nRbtJyssXF_lKkAQuY;ZntHCJ1kE(Mey z3F9>cH4&%AVS`2!K8u@y1z_q+wHpKkCF(3YdPXH8)wJKXq+F?q$weL}ajyPVfbvm(g_Q{?*5lWR_NjF}pias&D=YAonVUPcw%jb+NQ==ir z{~cuFUl^a`36EfaZzGUIIcwx>;bp+K?vI2b@Hj*Wbxkh_j$t&K)w71~In3sK2*!xsqje zmkZV8UXL?BcdN%Xr=B|^-051Tv8}uzOsk;tA>gu=A? z6t6+ZPU>tVsOK`?fv}j76+p(^OOVzj2s}AS(olO4k2?paFhD7ZT}$AztxauE!v&zt zh5b@BV$XYxTM9q@J~u{nYn>a2p1xWJ6j0|k!rqi_P@9g16_ z2v{Nst*~DStDU4<*g+I6Y=x3D4<`FpCdeF|0{;lKBHiv%3H880a-AmS!UmqgXYfX}Xtqc!-o2?6%utV6PE6ymKUDdC-_e5)I1vd|l# zpEz~>)J0{Epmjw2*Jto2k6)$UfWT}1tV#`yVA6l z#9^V{3j6+64{qD4L z%g}&#mw37MW#cEeOplo_dM4)#NEu^K*aZy2O^5p`26x4}FJn)5kV{YpO|~0r4|^0O zM@0pRU9M8(u?&UJZl*D|ReaFBuJ!86cjH<`!?!P7S;Cef&~D3BaAqE3pa~*w^w{+v z{N82}DmoL-CUZCJtJ-oe;-w$Ce0`JQV>{|p)@7xWq$eXPL&OoKJZG#`QTtX6Sqg3H zS!}MAV(BudfA?+S@oFdZ9s9!c@9SUgMob({XS5J|ka9;jSLjuAQtg3c+Wuj@?vIiM zA>s2z2V`CDpNnwOrF1CM1P8!Q3Jnqg%n#CvFBPE|7typ35ZMA{7i7BxvY84<_XYcF ze2n%DWCDY<>0f@4`6mKdRT})J5;=~geTS8mqPFQ0XuylH1Oj$wkR3Jho9I`bfKv7Y z(J-a=7nITx>^3t<_60u*C0p%|03>t#A3TD$F#P4tkn~vo8!L8O%qMVk{{+%_2hza2!f82Z;4+hD(C0b) zec~y^!1bHe2Qx@0W-WU0|A8s`-^?a8Jriz?oqH%p@zk%_N!H8KNJ(bRdxC}?^}(yn zTz)?qG8Ddf-GUse10-Rwq8uLj`Roh-!p5@AN4LX6#rQi;ciKF6G$1SkWlZzGF64MNRXMCO!w{uv(MU(xX9eGgC-^dZR3;cfr zat1>8?LeTPO8G5O4OXq+aaqpK&g)Ly-%I24o>$JW5l6NMp_0eAc1?Uzr+N+f4!A|BnJK-#P0&} z|Baa_i1Pp&A;NRZ%Z=UX@b;Z2kkSqhsYd?b`S$Z@z-52ZeBXLt<0$B!MLCY2^J|v9 znHQ5;8+)Y%0ytUNu~VPJAGY?RxdETw2b%b%TF+Vk6GyHs&(D$0PpcoEk0Wc)`hBo` z>&I^kao`PO9LvovXYFe!N|Jy)^jn)oc$o}-*z+CTCG`p49F9;K|Hv_1AH>yz>t1iu zc=RgRJEv1TV>)W8SUkB!rEq)vYbo!9Q)5ruYpzVL&61U$Bf}f#E(^8Vhh-kMwCkkw^FPe&fMjSL4T+D+1w{*&XOYrRfr~3H)sgm(O zsyO_eo|iV!QQ*pRMXLOrGDoWFb?wkD>F#+E=OFuL#l(%@4r`c z(03``fgYFeUAZ1r!V`%QoA`jdZR2X=VUTQWw4`evkeVoa7&aozbE?66uY|MI;~$iU zP`IC2-Pn7d2D!m&6O3V?joo4)PNha7YtZRuKJt#BF(p=zc!A5Pk?k1?GE&IIVH zqBCQw4`mf5+`Pv)*O6I$?1dD5)Ns;T|?_Tscpw_d%l=dLzam+V_Xz;G|k zY`Ju5d%4r^QLuq;`nqA=5Cp&%ByHi-M#TkajizJX0IFl?_wu96o}EJNwVU65O;4Gvx}U` zH!m2kQ!3FiyaVHQ=fAP{=J8O!f4?}Xq(Zi2oywXevL_i*mSjnmtWzXgLiP+(*0P2W zLb4@W_N-%HLiS|rW8Y`Q7-s2r`P|=g?$7o;_xC=(`<(my(I0y7ZoKC`muq<~&xKQ_ z(~h=DKiw2Y)m z<#M&{!@bX`%)!cw3hFY&KMXvxm)ce^2)w{z1LP%?rd}AXU5bBhyUXUPq`CG&p&AaWfDO+`K(Ohu#o5i{ttgW?_y$gGYYWLDMCzgz(s z+yc4(ATeQt;Uz(v;R>|GHEo|RihLa8TD>4U`RhImdESFdoQ-(WJ7F2XHi~Wqn`qt8iQzqQLmhqMZqtv z7B_9)_j_^LD@XU{p=s+3tLF6SfaqX~NHN?cd{`b_6%Vm;DeNAR-RJ7AHjBO7_2ry? zjEto>uiE)sff!XC{v597%?8a14{7DL%Cb&xI!yLl5zcv7{%wAKG*Tk+(!ERT8l9J~ zxfs?JbiaMPHayrrS|qu$BKW@k(SBc%2tFN~G1J>Pp$KL;*GkvJUA8UJ{#%ujj;kfo zoedl9$FD?NFO46{Bctt}D0GO%@G)N48WZwR#ReX} zcgf~#@nN4TMVM-)kmV&&g1kpvrQ=e}`nSyzMJH&F!$1lrKZAf_hR2gp!Mx5I`*pXN zmC+F-ky&#(rplndR%x31J!*t{Ir*I(5`)zN74pMadNP#>V$0ljk@>bVd+YII{YMXd zXrSt&)HBk-MS`NP5}>v`v2zI z0pXjJagclgQ8pXkAO;z|+)JWX1F-}Gw+OiNe|(HT|9rrjM_q=I4rziW1p=2&iamG; zP+k6i`ymDp&8>iKS~Cmwjy8(D|WD_gC27l!=WKmY%qA*;0zf;;gj z)*^>H!PNyZvykYYS^buVlP~I4=gF9l^qwecSJ;D*xA2?z+tW^A+>k2FPm1uej>7l{ z!YpmAtfx2B7*+UXg)c1jZQoNq|JJ4I)|AMntx#Y6jgih)v&8wmdFkGh`urnmI&o0p z+=}|yK6LyAw8pdx?-PnIUz82?B#!a;AIlY<+5Dc+Qoa3DEWG}dSLocN8C-stz3qaw z*YinzhVU4Vyry}zdrBYxXtvOHN>JcG@8z-ixNgu$XCdiocbN3uHQq}%Wfmqp?8-(u zv;9K_i{y5|zwZv!uA)6#b&kN#VFvLzZM##}eNIW<>K&21D?NJ@mwD+N`W=2W zx0qbbX^R>Q)uG0hA6W>(5HvJ9^5^!_ zc2Tcl{bE>8Mf8txjU#o>Ra>Q&4ba!~_Cxvj{rnSM1W6y-ZuJeo{tFS$Jo+J)d zJ5}0V>eG%=?W(|f{pGPO#DTnpbZ=YlzHAiOaHfn9#KH_R`{Jw(iKG1mVlxj(HZnTc zYl=W4^tU24SYDTYQrufWY>Ow5DRn?zd7!fqT!kO~Nui2GLkKIIpqDs=Xf`800vK*D zEInz*6ZHL74n!`>F_7&e5F#C70rLHF8tEh-=$_pHag+`SiwgZ@5dF1YA>@6K@6NkJ zFe6Y7=+dMDNP~R=JZY=?K%-(EPEDc&yBzo!Avij)@u|=trkO#@jR{nn9MU4vww<^^ zSX5sKE}8%3ll>MK!9XsobQ^?Di{$&HfJCsHG{Nwo^>`fwR)759;6;BK)Te^vkp@H` zGXeubvNwod=f=yhi#UdY>bLLmeD%= z?m@edyCJcW(_c+`seEr{W`cWg8oAyI2_W+N_g=#XWY*19xDY?J3W;o4GdqjpzUtF4 zt1C62kt(ZE3SG;6xvV!TXf$Ivv%h2C!-6M;!W{AQS!1K7gSW#e>chuMV1?6o#rK$7ot) zS(swG$m(e=5CUtt6Nxvz=E>%6C;|;jTwIviC`UAlb*358Fz0hFd(17@ArhP&?;v z*A7<`-+|Hii1%z{#5+v`M_QdMl(rR?9A)M1B6UKzBAM5d(M)O4?qN{Hq5ds8c~>P! zo^CH~i>0ae>FZb7)bAk}Zbfbl*d+ne;`v(}H}2iNH$6wECXL^mK2}RJD>i1-$bEqn zELF6Iq+I$08}q{L-YiSd#;i9>Js3mnT{$0YnknGf5$NAvET^XeD3k$!aaM*z74FXV zt~DQ);l7N41eHyAY-(3N6Tp1kwr}J+wGVl3IP(bf*NOLLnSD2f% zp0JYhG?3ew8;alcsJvI6-zjcEqe>g~1u2%?2BAPcT6e`g#@9K`tV0cAc3arvg0t*= zooHKdrKU^l5rf8Nn|JCgQw8V4#Zk^Bf*g4ZDcXbWu;Rsb`j?1uwWf$G>xdKYu#b{h z!xg0OGq%Lzu6-NuDq5d4J8L^v<=1R?MProbH3eyiJ?MGbTGImbiri?Or_CUj{REt0 zT9kS^rv-xApPJS2->wtZH@9k#d72WRLtAzuRbz*(Z#YYoq^jSzYBwdJJp!*)3~DdmrL2}UFG*5%`p7RHC|W;9r`UTCHS^>Kc1 z%z3Qzl}_GhUaX~;8!n4q#zJulq<2KxoJ<7f^=f5*L3baoXBV@~mN2S&H3ptIJi?Kv za!7xAZa-lyXJ(zcX{y3#-R3>sLA!FG48Kv!A!Leb`P5XTn5Z!D={lvdH&@E1%a%HK zlpybie#g3E0Y~$n2%D2Tdv*kVJfS6x7HLgFw2+xGaZ?dagRP9$rB->)CdO-;>V8%D zZ1YGAalmOczQLy7RV*I4p-)66S7E&;?l#Ldel-;wCcg8_>W8IHVZKjsf}LcH2-dEz z1!AkBwsKZ%{W*5UDP#maHgmBKv!Nd|I%1kqc+#U)Ko!+wdM4w%nYY)&#))w5kmCxX z;ctgT;--G6ZF>@;EQ%OrtXPFBoi@65455ar;6xUH5u>j5WN2hwfq!1IxPPAq&a&2rCrtN1=lc&-)#JOY@$t!i!}2OMa+8g&k)L}+SPe&RT71(_ zRBjY(3`QI$9(3Rf@jlmv0gd>KgGodnt9)>nVgg@WOLU&*qaXG%eI1rhB$8(>3j#W( zN4}VhLyyDlusYLU(+Edw`@ee;noUwu#KPQZ54D-gYL)kgQo5YZ@8lH!@=(Yl@2JP| zmCN^zQEy00nkXy`+o(wFC^b71Eiqy>u+Z%`>8=W(F7_Hm#r`+Pr2yz}Ii&?c|!ennG-(KP}Z))+Nr(~x$g z);k|>-v&EnS1&*4*5j&KU#am}cgBpwsULa+D)Eq&W$gqm$hs<^XzWJvg1VOF8G|^xO*~` z&w7U@rNswb&jtQI;czExP6Oac&91}f9&3fXti7K%iuY*4YIFA&oi^rvaP_U)386|% z=~2$-=ExA}edK7~P5hHo%8^=@9Iwy?G$(A;=-cYWVsDS;-AX6F(JGC^F8LC585^2s z6z}K@(o;{oY5BG#Qe5HOp+Xf9(6Rdw6`7lD2T;)t!-X>?&q{I<6~fq^T!YNJl{ytD z$4462>07Tta2lAX5adJJ^S;p5R6$H|=x(V@M&6jMv+v6dzSAEbex|Qpv8HDD=*XdY z<$cL%Occr$-QEmE0sCRR5%x#ZzOF`Z#J1o$hYl-(dmz$rtMDD;$yfRMOyw2T>z0zw zD4^!Za;e5#+A|Z)q<8&nt(9-;U4rgji0%5i{`}3M?``T_D?5H}ON!imZVGImWi&cRtiO(A-_2vjkH+whAZLzqHC2`fK9hEU!Z+)*rj@1wFXbn}KE z?f9*d<;6A>UFV z6ZdU#_io$V6~HN}tyMg0)zLAhJk+Oz$?+hMzS2smu_lA;_=zc za0fVo&eD0C=S8jqRGI{h>;7cCb9^U--LrZNF|hZ2pRxYffh-B2UxC!XatBEc9sG^$ zI_f=BFkj!6vGn2!!x%!z6qG35)r_Zkh6{S5X@` z3x+?$1&v_0|5nW%Z5JRtF_(9kA)rBw=hZu3EpMj~q&@v;O>0s?eb7u%sKuF~a*hg` zBW3J$89l$LFI^SJ>^}=0aF@9qb=c%{xA~N}$-kRn`I*(7( zo5)DA7+eHzhSR_TBA`*w*Y`Ka5O$L{Z29jGor`;YiF>#b4MIx1h*^K@>n1rG zON0;Oh2vEU!m8R5X7ReV6m z*;ss~X0lB5#k$UTHhm}%z$c=6#G3l2;!Qn=Hqd3p#x9@12V<1%Gg|0f=OZXI60Y3^ zk~{Rfmpb5ETV1FeBVq&4GIL&p4rI8(+)U;G=w)p)%rNKXgLIcQ-z<-=t) zfi)#{F9rN<-$*@aJs+%Q$jM@T)?Yq!%ZZKL52Yk?t?JAmIpIou+gcW9*)^{u;~CMs z_dhEXpPpbpr93_@R%b;XnqrWi3Ist|P7Cx!{h8UjecKMX`BRUvT#e?@9r~E-j~Y7^ z?zy&lQxln1XWB#HY=nz=*%l9%g2|fM!rHP3CfGLpM~oPT(2((FSERl|Kf{8&4n z+BnYa)f!=`%u6sEQID_HO%Ruzjy?Q3JaLYq)N1~A=bG^B6e|qRffEXzRmVH!ykCK^ z)tc>k$U9dgu9fYf+8BK0{J+R1&Rj2-c#~n4@an8!qT7}e3(*I=+X{V_R@VMZ@jTwR zfTM}bH2iRIXUtKa+^jjgo-;WAsP*)F|GNv%KNV(;+r-JSorSmq;`>okJxq3}f>m~k zX1lnu`+MWPRb1Yx&l}?RtVsHuRMVVuq0h%IqwAg^&+S}S$wD+L&I!pL+s4pcrdSf6 z^OIxQ$NoY78FCn|49M~Ra7nNwKAi=STYDgO31`4k11dMB7f`vQNG!P{2i*4?7?AM* z+Ur0j90977OyB^6WdV&2CD0B#pl<(7j`x2l@$3KZPW=3y`c1*;$l`GQa=dv4Q3xYF z6-phXV4m%jwC`2qHl`kbf>J{21g`5duU)bi4^1f-Ou=Z$oSAYj9gXl$W2-+w?(=|@ zg{<|=Xq0oYqUl<&QvuvtZ3DM29BC!eiZ-Eq(>1O%-BNy4aVEd8b0d`_0i89qZk+4Y zbsO*SaaoaJs8;NLMs}8qPbM_M)5g=?t##U;Y+Rdd`s{g}ab@n8puN1+YC)Y+^qtqhg(?acDYc1C^5zRb72L@X*S$Z+XtoS=^$v#BIf z^w)ZO<`T^YK&Mo$1_LT_kW&*Y9%(36dGj^ar@lQY1!>Vz9toZzCE`J&{jb|UJ+Dm_ z{_QQ(aCb?sfTrhY2rdM>w$C+Gi9G3^a*^j9Z>e{PmiNU}yETtu5f^t>|3!xGmhpm<540(Oi zZ&1J!GT}hO!M#9cOwH*TDmwyQbxO3QI=BGL(R*X+MkE{5df~&Wc=4&G_?nLCXWm6= zI|!-+bEm^d+f6pO7N)W}3>vP;fzPtZ(m=43&le`jBJ>f$NC>l4(P}T zJ5*V#T)5Xy3<=*vc|qO#|FCk8{HwSG1Zn;T|bfkvg)Zg-MeXwi~linwY>1cjO^(w z)`wArul3`S`tq!;tg}%nIm_R$DAd>ob@aZhJu3=CPNyKYuJ0fTXC5QA zV+Ia*U(i2YiWT$hy5vL{0!+9cbFKyeA}?a-)ncba-c0So>YF)BROfNq>W`WUcnsl`Ng_}kB_&5YkVlJs*#tK`mu*M9*U?A@g!}* zLJ`FgJ2~qP(@>P=41r+DmSrA=13Arj99kk?-c91vNxz_|R%9@5GiDH0HvCx3?e!}Wc8ekxPWu5BnzPoj{NVNdtO{e%Q(HRae9@h zVh<(&3f2HAGiphDPG;!`QDI0Y04;MbpDJR@odw1IH zTDGe5@%Pz?o8XQ8-4G|>W;LYR-nN?Fkf-q}(=|nu?K1&B(i<_oEQ`2j$cq>iU*39M zJu5zzNNiKwmAp-R&;a>;DbXMLz-do3tqe*E2Tjb2&GgUsB1G75t8AFfxD^kBV&RrL z&Z`vv2C`2AylxxNd-;vZ{SWPW>SXx6emD#b3s&UE^gef7dn{dGqf=G<%wARkWs+X? z^1Xz@t43#FAF)1m9U*fm?yK73LI{Bx-vuK@60c&Y(9&OHGx4i4L$MZKMlDHv>)q>4 zPe&NdGQ+LQD`J@W;xDtDOhoaXaaV%g0eg4=QEM7HCeQ{wsc>XwiV=ku`q7$tW~3~_ zRBwp&?$G&4q!u^&O3>)30gX^o|2KXgLqy&Me@}5*_az7}rIi;oQO*=No*huI$!dFC z=6g-X?(`S@yD8S>Vy^Y9vpmFSuUK$L4XD=S1*v8e>)D8&75F?%Ld#RFkdOzMk!Nn2 z1^k3{_N;Nw5o+Dw9{w1?Se+QYE$)%II~RT^&$W*+;a-sdMb@Ta2vwyb>}WHfONdE5mjWO zW93ctfadIH70$5e4nB=W&VY`EdT#tBOdhU?lt8>VMWb*!l?$IT9U-rAG{F7iil@9x zuGQiE2V0K=J&dAtI3Kl~3(vC(KZ45JrvXPT3$_U7NqXle=;hRudgT)~GTIvJ(12R{ zw(Wj;KrOwIspV|4_QT^NdTK%^J0<56OIUbRDWw#QF;loQd=|#39Yr5iNECHKLr*Vx zT0lMxlo9g2yM+llp=~$B9$)01^e(*UeVhGQ9D_3DOAmVjAZ!wc>q&2+b{t`l(ZX*W zIy8^*?D1%PMXBErf+>nGYU5H?%JU2zNzu2L#=c%D4Ku*!?uWRL0z@{}@sZU0$I>v2lA3$ww^Cpn@? z4x5Tnq#(FK7D#;$i71F2er9jMR#j73^9*~QZG-o-s*pEjU?9~>zI*`8dZcxV5o&!^ z&xw5;ejCq<4#7ZQI%!G|Dan4{Fpo5TbJ1f%q58GE)z`i!I^w^v*p!Cu`|;!9&sPt7 zgALT$*W>>4rdbC~7Bz-5t~H;(E@$sJTpu(VO*;{{aJRdL{^V(%6PLI6SOlMx^Oort z^QTmr_tp!77~?PA5r4e`vK%AOq*8XP-$QH(q?0Sami>->>VRk`x%nHC{6BUSh}wAq z*=E(;OaR;g$f~u@K4rnbQ6*#l0qy^*3j+YS{q4nnf0lE<9_4?!So|6lP^SBfx5qyl zm9Oxi?P#-PXm(0Vw>4$?DzH|BO-B1=*@>;6!=3`R*023xYZD@8X5vD$T5dcJYg4|@ z@Q9J>qASdE*~Bn8-7dabChAeVhs-5jag{Tu==L+Hj~SmR3@lf4o2KUjvum*9mAd&+@SdyUGfimnCcP=ErRg^#Qk?`QFmwL;}fwvw$d> z@QIjRa{xw` zt)$=>^PMzr>o4<8KmN%PdEx%sqAy>X&+Kz1u&9h0Hd*p@vB#Gc_{dc{6s&Cw7H`$6 z__z4jpIH;}p4Uv2n;Z#`sY@PM>CD?K-ictrNDwcRkTZt_6$NZ**`2ed!;87+mh)Zl zNuGbU=P>z6kyi%#OcxWT#K_m%NssaX1OvFl08%XoaE$&%s~5=19P}TzfPVXuwoPUF zZ`|ku5sZVJ?qBdp=_ePeko}i^0WEY+h4d)**JJz|jsIz@^UvqTj^X}(@2!&0L*;A( zsDW=X@x~AC<#O7}N=kB5P&|l*(fo}e&b1%7N2DyW;95WVGF&%UhknB_X+%BBE=7OQ z;fVjJ{ML!QXWl5g_K>9;lZ6-4#7tdfx6JZ>@WXGvjG0e=p4T&&93#B2my*y?MPS^k zKZj*)1zcuae~F!i&`2dp^3aLH@o10LrOFHVktu^NyjWvBCmu1AOn=Nvum4e5&t;h# zXXdt^ba#6{wA6U05CdcuYuA2=M+&pZV+^%BpYq1+jdEAg&g(Va%bi)d(rI2%QJWlF z88=p}M{erXFRmJtJ{FJuwjmpA``y~&GNs|2HRZD-FW_fMiHg)fPcFW68WA+frX`?? zJyElAs;;%Q|MSJv+jP5(>I4sXx-!K{Y>dY4N8!$^&5dM6ayOESOzkCWjG=B8JDDAu z?iG~jdu^id;>G#_>!{9qn=ZUjQDXC`GnBn-yvd+G1GPyDgp?+PIKhQ6p33ZWDIdm@ zYXW7N#%oJiXsR+l$EYXv4(kaTNrgZIk{+P3Mg2f+2*iNHCU8v}ag)>Q^$bCvXypcylF z%Fbb05Mc=jFiUo%wCS{neR4=eh@8A@3bP-6A{` zGQ^f6V0b_+==kx?C&|5Qek)gdDv22NZ*=ZIy&Qt+0F5B%(hO1MCk1>0K;zn?*21Yt zN85ovNZKAf!3UJ8)8R;rJc1a#TXz5>kbnY&pB&-<;U|kA7H5#zAOPXV2?YqhWF+}+ zKPejI=I_1(#4!`l`5;ergUuQyMx;vvP@#Y9t|y}ayf6|1;DtQ^UMKV{?T3Dy4XnE2}l$3H*-(4R9Igsb(B0qD<44W~*) z4zL2TrVcUS*HHYQ8w&OA4_V_u25h_-3KopcpQqS|homqfqEG;bh^Uuc-Cu|mU^4mi zhKBWX_lT>&LU7P)Ymy6y0>FHwS**&rRS%PYy}pO+=)r6h+kwah9o5Fo=;ECYR~)eT zYT7}zwT}Ddg$b9t?2~X@?IaKH16Nr3&LZrj9}8Z1hCVp9Y4TVxL9}pvt78#9_(k<( z4ARi4gR+6b#Ujkid*Qxzo%+WMAFc^qs$aiY)Kf9Ky~HLT*BP(v6UaH3f!CK-{b@Xl^PM#3|3| zYo4`ZAd`jYdLFErzk-e{Hhxe$SwF(v+*B58CREV@M_!6{_TIaG7ZUVzRFy8yPRk%J zAMA<&TjM`|aNb&0y_i&oBG=oDz1Ei@d--2-(+AA2(Uh9vuaaLS2eOO!QvXN$`Je^; zw_iqAT+u1qgDn+)Oi5<;te-j+9L65mr0?GU9A&LI+;7xee__DytQp+8!kH(`xW=h` zR3Pa%ulVNo{0YT1HRsLVf~Qr6hgjzME}L{BS3BM1Bu|=s`0%-H*Om|(8ay!{b8Hd~ z6*AN{m#lGM=;&Atn9ME`&8P*H2BqJR>Hq3`mIySLM{~2h=wwZ9v8j*L#qWgfr$XVo zmP*_U6%LCq6#qzzrv-bcCZ9q7TH?cM%W26ga*@&}hMt)UtXvhYyx6Q-?sX@&~e*9K0kUOxQE?0hFjWO$^+vHj3e3l)s^NQ;Leby@j{0X!yGIyoqDaZvI3{g?0}63oobR=g>>u>`RsYXH=$chS&2Iphf-zNJGtx>9GBgU%(>_^BPe zUj}W3bni0)XuRO&zwGXM-~_vch=guwmKPB`K$G;v>Nnv|vK)BVi{FszV_<>s6t0z$ z77_sB^$DmzJipUVRx_R!+heG`a?qfHk{HXs843L9g5jAWbk}fFAD-vHy!D>_|7t@0 zNB{SmV%Yo87OYI2^$d)5rCwmj6{mH6z^Ai#q^mN#<2#XgSXH#<+)WMP(lqQ;%Vr1= zyK>teBKj7YEWOf)KLAm!!1T?96kH<%(kNNkD;Tk z;=t94fQ6$kH-`tiRGD>2v%z z|sBw&;H0a2qsT?lonM>be||G`MlvEFK}JhkQ)!0a&@8Xf zBf}%HrQL%&EU=gdt}&uI)>reEp?KXiD(F&*mn-OMokkGtqyBuMJmW=|-B-zQd-E%s z+-bPw6qCz==;`?r&Mbd)^w+BPcy9#1{jq|6)SHdd zaPxmB3-~BtD)Rd6TYHB^5UhU~>}J%s`Ck}mlR2VrW}t`( zsAd&GJ}K$`w{w=E5F}>>3+Sz zuOa#uW|0n9c!xj%{NI;i9CZvvXQl}nWCe3``Ov3hE*59q-4e`_}0ZY?;8FvZS6)@L(WU^ zo6b|3tMKG@@T@`ok*7w`l}$)mxYE|Q3+_I;KhBeeKSzY$5n9Awf6?G$C`UZPcT?`I zRC0ia-9{=&%F|Tx7Pmy+$0Z{T4dLZdSXOn$5Gd_nd-Z=`;Q9UcKY_wqkpO-d6!*o@ zVx+JnBssdvqS!(QyGd4uwZI6h(g+eyeDx=2d&o!PSKw`Bvjo;)C-Q#po^s6KF+hNIhi zPZQ@hQh&9wH7Xo4JsHo*g4pJQ0C4KRz6w$X8u{nA!1E`C*?~y z>*JLBk~jQx$*m*EvYd4YLB1J#M-RW4zwCD*mAwB=THY|sHTy{UtMlIR3$6T*W*0`C zLsE|wr6V7tq14*aSloLda1MNDwuv2rv7XhU-62;d)pX4W_hV!0;>$&O=ZF*4Hw~a zw-Xl0b;MA-!@XX>%nMgd+?xKup-4437P8(7w`^|iUdivvx#>DDXXjV&~uRqPsd za+r((56Ku~gJADNAHCXf1*8->CE9e8+N-iX$vv_%dz4h|Bi<|0MJagnG~bi2la_H2 zt~?j-UNEqvPz-!u?>UTgpda16fpw^~a`c7s zE&_GqULOCz*xkZwF^ac!P_Z}h(gahuC8n|+@ltiH5oMVCetfB-vcHL)x>kcfRqlN0 zbL&K1s|9OMeJY={S|zCFQV|d+4I=<&14C7Z1rHRkyQNtO%s&)gaxdN?k9z`=-RuW zjm%4XkIh8XY!6pZOHr;f8wF1K4I(JEr-Jjah&$NwpoBn_ooLW}vy>?Ajd6@7;@ptV zVy@mvMcA85yAF&H6o8yR_&h8v%BIL;cYgI|pxI4sy-+OMVda8}*L-ac&Rsfjd0c75 zMG2zb4+D~XtT;;@YEwMU=|!~}JKr#2*`-IaR@=#PY~k8{cjLHM@~qifO zm@4yZq>oI>u9~I~QdA6GY>_$Lrg7x`qv~LR2GeBs+MxG|%q6c@V%lSBN{$_-TDmE` z(AX?+6pwD-nqYG{hKpA_uY7=5^F7FA35!cD>U$RaOLesa*J0 zGMAT6t9aDuw(f!qi$<3mdwV^}OFb!b&R;K`5!+SVyn6W^z3Y4ARp@jk>=aoD_}!he z#zJNU!XFbwKaQ>73?)Q#P0W-PWP{?uvbrTseNhrJNcenqk!Mqk-p=SLf0$hs%sxSW zqP4`)XRPtm=eLVjGEb>7d#`W35BGRSn!)BZEKeKDOx{iq7c5BzlOCL!f1kz0#<UATB$AGwP3L+A8#~uldul zx2ZzD@dWtqgaM2C=vhs&>Lt+R26v0zi2%Z_G;2Zs5K{efLkMypi1`2hv8!lH`hc(l zoPwVeC7`@Gjb#lNdlz=++d~3(tevDB(>UkR7@Z3bq8+DCa(lC!`8X|9TEYY0AxQcS zAWCZW94h=6uycMQSnl_+_}I2ofzRd1TBQ*~?Z-P6M)DYM9FN!Z(R8!9!2aXwqEr7D zK`LwrnI?;%PNc;<5co`O>n~v=B2r83KHA61#791s=8pv4V48v|<8t>@CqB61+4q@n zqIjR#2v2l-8$D{Iy_#ht2svYCZldzu&U5KLGDLH*uPxRLfMrBb)^|HpI#4?2UZ?ec z6r|cJnjJ38A;^%&Q@Kfn?mdd=&6%Q?Qb!L=V^7#V_$)7#-WZB@i!ctP(>wQ>PW&fD zYdLIfObnGV?et zuT1dI`>#B$$jH?YsrK#3)cG-<{PMxe`!V7(iOOtedeTPsceR1%sTEuZlhbKXhwhiv;p8w+P~PXj%(T^)Ez?>`J3ifO*Q)#z0H1Ywu@<*VtN%?JLnp95Jmj{7fh zd@yWNx{5WlrNZvwZeqlqBkf?{6VR27$yZee7DVr~D4tV4{J2nLE@^RH-i^S@r>mZO z-kFNRWwJhy6tqF+f#1T6!EN!aIi2^>S56#LU~}YLlwj`X0<4LsjESkE#?+)MS-vDK z1N}3)6rBoBV`KM{DE4A;5x|275>&~}fEj6BmqBedq$;NVP#-FE;`y=eXlA;HA!SSC zXVV-~FOfVcK-Y5C5~}D&i8pFO(jgvmOdauSe+s-kc%jGODl@B~3(jQxeUes1ZJ_)# zW5K838RJ>T8WCly$p^=JV{|EyWwe}+J2ui2>GY#xXwGzOPov*gl$Di)x7r+63XB(K z58_CUalVqeO-Wp^gPbNZu&$lMI7}19LAu#wGmYT7D^ryf#*v+-eb?P5@#W{18+V?l zCm(&%vaV}8Bn#6_E!^u$pNRL` z9!?P&yw6|V#O^=g31@6n5_zI6|JDj>=Aw?haY5z0@aroHXE|j*Y)et%Az*Yo>RB+X z&({{Q`CvDxb;w;MOJQ}I>s0hEH99zCNyUTN_;5DBk*-oUVppZ~SD6z&g{@ zdTvsRG$M?feSplpvcHjownnfu-^aa?LKmFZQcO4*y2@GIEH3ner;Up3u-*j@gl%T% zg@i{R3a_3ybk%1t(V+M)}JNTFz%2XiZ zg?m)Ln0k0+Mv7<(wetoY5~eL2W4_Rif}E=L#rV&H>O&m=;LbX`x@F(aQvdAdXYFUI zi(iVco}E!>r~5=FD`Rk3u4wok1@CizZ^i90F#d2e>_~Hp+I2iW{%LD)x~1YJTlQqN z!!MnAOZOOkf+A$ucrLOTzdohI86&xWqHuMJo-E=A8pU*eqHytVW$T*FQzwbi1wClw zDU{g_{-js18}oNjT3&&z3p`S#Z@T7Bot9(Sgq4FX3jGThq?R__OS0i?OLYLhJZz!+2{@fKCpVMb3DCnLjruSRbM`>2DXVujeEGrGR+qX_LR*DrTGQ44m zjd_=f2IE9BMMIlcr|^7;mi41!Ehg~ltln@wTgM~a2s@XHbw|E1hh6EgWyw5Dr_a;} zJmAneEm1-HKrm8gT07kiZO)H7ifJpI*G|yw3jJMb&n+q<;ps-y)eo|U*u=tu8$qot&M`Lv!;2F2#VIw;%mr?!)&vWnb}rs?zshvf>-9tS^&g#}#^W3a@MVKR}u8Jj+hbL9G=z^uEDnr!Gx|DehLn^k7w^}OE@>qysr5z>hRXs zEY&>A{tGLW8X-kLj!2}*-jg5Gi>;fdi4HI(_;qYub{1w(1sP`8uW;2dC!eWc`_iMp ziSfBa9)DH4Xhf)PxJTe|B}GwErh=#gL2lBo8#NLsChdebQanx``Gn;!&g^k@x>}K! zH>R4Q7q_mS!1Q%6;jCNq&>^!6Sb9|G51e%f?izj>?c^`ZYV^r#V^!%#d5<=3#o*hH zgO>JX-pE#`s6@%J2J^-EbEPL)U73B;YGc$m`^)q`xH+o`pY*5KRbIdD($4I_e3Ri6 z#m5Zbia{Yrm56a%43KuBH+HB$6#r%M#?ZNl^$n>X9LiGa@8!OfA%u?@9KT92HpVj4 z|Mx(t{|IN{4Q)s6okK7n*31BxaXZpv%jvr-S9?0 zP>Tj0cnyFb!Vw@E-_G>40&a8uKIi^Hmjm8&y1)OT{!Ic+3_s=I;)^kD$H}~SkUHDE zpYQT+uCy-mxzc{DMY@)o217=)itwRhJZA%j7)<(eJLP&yt5Qth7?%zBO9IUl%EGVP zf~B(Zl|sD4ig-8WJg;o&P0HQT^J(ctMGikqR%a0HMWZ@x^2is8l*f9EsZ! zI%#$QrkHy3nCtVcymyvHC(bi|9Il5xf~4aLlHWI1n#>Qf%h+k`4Po!8ZciOO8OcAa;irfuN=BPYT20v@b}E zAh6;hf4YxI1aMUeP?y@~4<+LMDlk)qXtsibVtR%X7DC$b1`?Dg=y1NxRuS+}Em`~RB%zt;b+{qNWQ|Lgqwb^iZ~fBqQ%2^@rwI=>Gg|7if1i?mH9Xvt2CwOk47 zJbb(UdG0kDxuY8ElY;HTDbKhUYFBamWuHq)Zxk44znqzf*;k_9<*Wbf1`YkhvkJTH z@RWM}GQnbE6z|ivPX!mpyEAuQos)tbhgj!s#r5S zUr30Q-02aW!LyO5Nxr4%>*==<6vDUMtU?;|g=1WwEO>a{?941ItIzhjERWB5dD~t{ z;p56kO^wGSihT%3YAkR3^Exe1%X%N`zpya*6=m9$ds^_UYK)pykpAr$jWvq7zE@2B zu*9c`aD*)abV*v+%X^!Urz)F~!TScyCau2gpK5E|8^@2cys9{6`4RixpHgIe!~g)r zU9p4YNEHyx_JC+sByUL|MlWjv?eL+iJQKB3QcjFwyj*uPb?5lS+na7h%bq@vbbX`6 zO5&wn5XfJqKZxUH(}*R&hIkPK%A6qwfpT&$*%(msAA+Xx(gnn{B%soWf<3Vk|@26Z|A%(Fy)%%>FK{b94rsB-FRmyKE`L>Aima| zLD#}y_Ia(iKis~_-q}ammmsw^C@=2qpC_Pw+a+d+;HhQX-`{_OWj^)AKS763{sdBA zMMC&>kyr3j_#mlU2D6xr{4Z*{H!?HXcTBbrQHZT;=&6I$`1KqcqY$6y9p@ED-nUx_atA!v+5BwY4F$^v~g@SOJYeIOH8ZbhQa} zb>iE){SU3TWA?xZ^s(XOz`gwYb`Q6RodEPmZLs%7f+&lTomqTAq#@|TwMfaLL@P8v zSc*EG_`b3QL@ez+87J-7v*y2kFR-kO$Vd{CVUE#dc^!8mrRDTl$OnC+*{L-uO!eX{ za;?T`7QqH2Iota1C5w7Pjw6O;Si_I8s;_P`il6lfDRX}37IT#P?LxgjDN<1uuKUgJ z99)l-STDQ6usSJ%H*$Y0y7K{T>M^uERxWxt_WCoSFL|GeZ~Jr7-AuSg-zOyeBWxDg zf`kzDNd*dG1Wq^2-rCt_-Wewdimw@ryi5WJ1B;!%~%w)Xu(GOlTnbD)iP%8WM zEs#+O2jR41ULn&_p>VZyizUVL{Y5*%G(@$J=HKm6zIEFY6YZ{C^DWb#BaDZGPrSOl zd-Mzi;YsM;l@>&WT2n9Gs6#y;x%XSS4z-sFsjSDeCI0kzU!kuHvUlfCHYqFQGJP`U z^Jn9^^UCymzSkhG8Lv6r%Vi6r3o5KETICiPM3lRwXDqu;Hv2x-RS!n#b37c+xg7Q6 zY-jYVLrT=cQbsMPko9>?m<}HF^|?&1V^5}X7Z1<%mER3|eS6Y&KU}-`jnhn$+g8cf z4CjZs#wskl$M@-G(QRo?SjlFf14|c@tC5QjxS3|e$`EE#R$fu@AX53ss5$X*wJCaGhXG;`!rN5?OtF$#bG+yQ;S;= z_PyyLGjj6&1NZpr*N&IG%1V3&Rryd9zJYiQ4KhShy(gt>zbt|VBFY{NY?wPbwzj6U zcpe(^#*}wlF|qo@EY>?o6}tC@KH?LciBzd5XSbivEsBlEu&w4>kB`b~_ASzIs^d1T z4CeQUM4kFdH_`u2goXMB1td?(sQW4Fx+5l}l}v?kic+AxI`WdWeI&*XrI=#JX@|JF zUi(DTg(|E2RXfwQ=*!Vr(Yh|d=LX#X=DA$pxzyBgTg9_=1MXhsP$q{`F9)5z$zx3V z$p)24>ee9+Uqy!v-dkGRwU|1461!f}XW14-yTiteW~f8zS-djPy)V|K>tuQxpXOI{ zm)=A9==fTFXwg0MkRYk~_~WGIqc=Ts#n!j^XF~(X98NQwexd=5MoDTf*QK=#`zDu) zyVA{rN6wvOPEi!kHa_-swvLBV@yWGALzFmL7OY1G!HdYyPiDf0p@9@e(cSNO9YaSZ z!%qn}U)!ISUC}>Q$aA>;l;sM`q*Ble-LZO;(LRLzW)PHte7+sSqc>QqIb&|x@=a1F zv+Lvc3ER9p)AOgJw+YX%gHAFK#lMn}}O|#puDA!M~?o%wlStgvgdev{XY@Z3b>%{giZ*`5FZ@q{|`23b&I|3CKLJF2O6 zTNjU_qVyuYMCnSCj(|iuh=?Lmg{X)K5fBvt2?<4d6Z`-HAxaUDCcP7>Q4r}}Ns@osca~>96B63YYxaip{OYKd0l=*N zro}b)x?{IDDAM8DZ9Y!ZO3DJ`X|{_cft-JS-5C;Wr;((BlMlAr#WX}0PO-K%bJx|D z4Zj*Hwqqnqueumd4A^_i!8bMx-$vPs54oH@prt^z@>Oyqm80mY%$Z2f+cK3C`&GEg zng^d|uPL4}sCQkvT_2|I^DH!D6h?^+`v3x)1Id{gg5_%L!?u}pF32HcGepHL=JIG6(s{UoP ziFJ>wo7OB(l`x8y-{Zwl06TZVXha#9H6~g4&j1L2GPwM|55d%81t4>195@8Rl1JnT zp$HU_mfCq9Fv0|w!De+s7rN%C0j-m#PBG~%-b<3ZAEk3I{)ILO?pe_%o~~a(G9ijg ztX_s?cy>5S5W!&{?&3`^4LRYLCuQ3!J`M0@1rLZ#a@A^H8jFBrKe|jm520{=2Vtg9 zkT}T-Ewd1QiXw58BL28OF8e|KJp|8CwqnkPXS{n)yMmqEEHciylO=!_L5*)dN--ep z#xzU(V2I~0y44Sd5pQiAGmIB3^rAk0GhQfO$*RFoDt!v7RkANi@HajvC22c;9hHs1+>t?D_&QS= zmoe9Lsau!i1SC7zSJkXJI%}@3@Eh!eI_0(7b2RR1#5USz@QB|E6@Pq>>2%`iR_^fw zq*VgOn22nJjML$)*Zk(<53g#VVv4hfM^du_QZCllSB&CDn2KTETx(YA+)sDNSVA7ZV{q7Uh(n8y1p4}(TP1JeO?r6N%`F<`Y zhHq1$0zOGg;F6)s^b4bF{e*V-Rgw?+5=E92iY->R@v*ivGmFGJiTZ@I$E`HMH><(Zz%yMw26Ld)y%Yae0ztHzlaLHK3(FV6VG` z6fbdcU6NBz;8&e@SJ?&TBW&hjAW;Zqk}VE=(D5scYY1+O4Y;-O4dW1QQkG2H8Ih<_ zYs}RkmcG4sE*N0`Env` z+V7pK$3A=~arKIWkxJ9&$Detv$6$P_Ul)86b)JAR|({;bJj1DbaV|uk#pHC@T=crwkphA2c9|XOVd3%%5)K z#e7#g`PZXwG!f?2eC*(3~9bsFU zQ6L)fJLvA6VJtNheXp>|ye(}p+7&0yeYgHix^`anjBDSt9kXsLotTA#9>0Pd+DG%l zURg}Su1ma!B#BBs4?ju7gi};XmzxDh2Gru>RqOq@Xr%L*Ox)DX@Jp4!Hde5L=mJ-R zdgCBV(5FwYs66D$6uRd-DWod_gs`Rd2fm&chI4BYcWm5~ajq64w`*hB8uHDjJ9A!g zoW}@`*7`o_wHw?r)s$yjIacU)=FND?T*z9t5?!00&X-f7dAc zxE$m*K!-nPMg*|x6thFZ5~R?A)q1naeTR`0Z*P`7pF8#LJq3-Shhi!^g|e=Hu)H_H z7()ie8BP&JvFlNgyUa=*DE4g#dk;~U-1ZS`rs&|(I_fA`nKm+^f>umNg%;vyL$jwu4}xOs-E@a*I~9g&X@+U}g_54k_1(n&7J#g*uO^eo8bD3C2i$ z)tM!n7ZrGqKGbNEvucNoY(51y90mri+i6xNAM-mLhjNA~=@U{%CR&f`Klgi}@hvHb zffs*GtB<}LLa=mDYoC^(qKX<>XHiV62&s{El_qVx`&NL&?v=^Ig-RDTOx!s!!ipf4 zmUM{J3668mF@SgbbR<(aaRzJMhT`{)?yz2vtt5F+M2p94I=nOwnRt5072mL|iKyPY zQ2jV0SR=md?km<7U{+k8q+kOT*X|aX_{`ztg8fj=$E&u zXyojbXU3;AI;neIcA+=6uxlxBHBnWj-1$8W5pgGdh#ho?W z!)c@{I-S{2I@P7Nsw&Pfc!XEaPw~3DE8j~g(5dG;QBj}{!nYb%oEb~E!@HXLs+y)4 z;{?Zv9_I&vKv6Gw_h@2g8@cEejkoyif1Z(W@E_(S{8yh@f9b?D`_EmKwm)}j{`B`J z;0@^%Djd3hF`gf~p%703)BcDrx|!DN@9mi89t`uS z$`GM-vH4OLIvP6Bg$&>F3v;iuUNC)RV0_A;V_RE*8l>f!?KX2r76Fdb*I0k*A%|_O ze7=xs<)12P%OL!CQ8#t1OQ*C>dJY{8DMN=)khqW9CrN78n*m61-mOhX*POMa$#vuY zLc>HBP&%U3h5J^Y`w+1`Js%>w2t?Cg(ebw($FX?2U60Jo(j@*j$Sd0zVuV6G&%jUV+C;sQDJHLcN5ptQXE(T6ss zLVqvWu7j*6LjSle93HiSJVa}o7A_~6)x&9t(@L67GC#OUO z%=H8m8{nPKQBxpafhMLdk8A+3I6M#F9WCPbPCntG#ym#v8~H(PfF$@&Je}9JEZ@CQ zzv(*Keo9SJJlhoJV_t`~Y{%tAWbm_`GLRkgpQ&(&m-yxGL&!ESS~qG-0{}{@T>%&b z+_q6aQ*-^o)m8Bquhrn+8H4_%o0kz&TA>GM%oO#JW(fz1(114;(l)X&?bwpHtZ}0@ zZs3rs_zT8(aT~+JL^==5dD#0ch%nGruGYrr8RH11J}+6P$ok#zRxc5GM<`3eA57Wg z{xY-Ijz9GDSmVxhqLH>Or3&%`9=dVzg=EU(`ksuYHB*WB+d@vYv9~Xe#l!@*sf)QZdHzC)YWZ*h)qNG{J_E?SLXa3`$0Nb z=L%EDEA~B5??vso1)141H?|ZFs?G2ON#%xy5 zd`Oo7dCTg!jjl~-GT&?}w{dQiY4KSHAzm(LXE8RNLxTK@*M+nUC6wRJB=;;gN20Y` z(r@MIh7?>H9So>)MdX$L_j>T8mm*~zgxb2)2w0zyhQWAib{6u~B!z262j$(bLwMe!%2~`NCZnC7qN33Y> zn@W$YcZAAv=5tt{gH9ePi}#Mk;TqJWKA&$XEx$?PBuLy%yiM}P_LNHjJ**tj+D~0* zepi08fCcD(W;y?okTlL&7b<5d3vxEA_d6)o%51b1JpLJTt*mcdixqpMDf+S3Zz+9Ou_8|5u@a=0T$44*{(6PmxxU#tmWzkk|>fAa|bM73yLM3E;g5NhTi zJ1B~@1B~oM27e@5@2hm6Q+8r$Pzu~Y7(ZErG&)_Gs4&w6s^Xa3-TOPY)+H&^^m6;vlaQQroNh4QJJFSIUcH=ZjJrnP2tOxO_4#GFGV-p8hsRA2w}oo0buVEwhjaupyB>`==}1u~s;%vM z&Sp4{n(-I8zjb{g*mr%B?Q;t>5&(ivPXXyF=$RY6m zlY2uMkuB$Gd~h{_OG~kUB>@?#oWZc;fSBgVZ0(#Lv5GAAc=6gd!KT33!qDp(>rIEc z$2_v_qoGINMt+?11-wW}VF>4o%h{)US|+=IgJwSjU|{G1U-%h=!9_qvqi0_sk2Lb( znqV#aZ(>Wk{a-tN8M{Q7oKQBCEh^^xL-tXTW%)~vS9AG7(%*olergovaJiC{qAFIN0Jy_ z0Im7s=L<;ynAdvr!FSL;J(2_lrhLm6%psTdfx{X?b^>?^gs%W&F#;Wd+QEB!2<>9_ z&lgJj(nwAn(8|$HGqs&Oa0Pu>BmL{?>8Y=!IDvD9n+|nVp=*bFK^$UskJg@h>N3Q3 z&v=6!x`Bkb5WrV}q~-^h3w#GbMrj9tIqrh%6s>IF&;vCB#f!jdBqi18=L=9HUwRBg zKpr9DNRq_G2W{cGTa;Unu7$4r8J)SV%E31|C(mYfeZrg$2J@bEOl`q5^>2Sc(}HGb z^gvxNe29qNq#|d*)UqFy4pylj!wb&Kvjc091ttqf0OseHYt~;i>kVVYVz?|hOw>Uv zIimnU5tw9(Lx$ohuvvE<6$g$DSpJRrclQ+1+M%fok|A;3iu$D)6i1bEJnmMS$;m+cPBm zeWpZTiXJ=Zf$Kf|qsc-Co8>Fh?{^ibP22Q=HP67GI?DGV>y966Me8BXz!j=U9|@bb zB-et~w78Hrq~K|L&GE{Ldo>&rpJN64JnCy|4Q#n0#4oGUxCIx(TUej+Bj1;X+dtk+c(} zbgVo-sp5V793O`}(u}Z^FLSTztaVZO0Ra=i#M|M%88!=1Nq6q3QuN4daIuj_zks;_ z`KzOFC6pU5D>Y9_1l<^-%t`R-TA_t=xKYi}J%ImPA3r@0Rb?e`r;dS(#+36+R zrpb)5WXyJ(o!-;~#zW@zrC&@7IE~wjt(?BI1=XUf5N8OCVSrby?m*sowo#=GNw7D| z+G<4ijP=$!&$#$}4AMj1YV>lHx=Y0!vRuo7xHE6rxl&~GJZ`~W5#!gc5q3M!Y(Rzn z;7o_M6oE`yH4nK&JRFwt){py1&f|9hX*{)40-qd2x)RG{-&e1#2h4(*z6wi`=H@2R zV>9Q?qqR>C$kI-Ki0^isZY(xK%Va`@@01GvL{ zY`q0Qku{%UjiG^w$Vh|`sUFw=h^o8Wrq(|pWH@|=T@HvHnLdCRW)Fh+K3+S0U=?zJ zzT+r@^DaNKv&qPO819{i5icoy_{LbQCfWD4v-JmKqNqVxjzbh(GU!0m4*xubb+(Bf zyA)ca1;*yjn+hDh!SBlNx0qv)T>7yew8H&J2Tu7-7 z&VEceM51|T-#sZa-EW>6wP|cG8RsM>)XA|t{QpckNnAz$WfkHr_BVH`3q%T4M7tOdEMv1nza7rbHsFXN0W~}v9q`c=Ez6z zjw^dJ=4-eCJEz&Yk(*PaIOS$7f|G{zKVEI-b-0uC8k)?O_v!2tl~{m?b`mn{5?e)u zTGliZ)mlGncLxDT^-9BNpP!J3N6y^Svw4r#q& z$=em^jl^+D``V({Gs;($#bXjbv`j5-+6d8X&EA&|Pb*SGn+1H^+R<#@WjOTluW873 z(o0yHc6xyfzjsG>>rJwG@=ce`BR*VmP7ls}{rHE5qaZZ~E{Qc4_GQIPsKrq%Qy?sl z%CcNl%fGm8+RJ5BN>6q#+EkWH2Of|x>kbr^;yMr7GyDvlP@7ZP?SO=i}d(8|Kl=8B4#4AU#Y0%s2|H@vJ+PpCd_k^gow$8%u)X$5H-88$5p=J;0R z3AaBC5c3W$mo^WWu0FVxk$uvdFX7U{gle@l9d9YB(T~hSQtLo+tH{S7juZ2unuS)I zMZ$Ph%CN--GOvdQ4v!05EIuCU%y2MVH-{-9Ts(egnv2jJK3mG-I?YKKepfNDmCrFf zeZrJ2LLvE%ct+$xYUG_;wvl3KpsznrIzKcSNG<`IY>XW1MDN=c03H#b$QTHq$gZqp zUf{GgRXM#|KC`Q3orBz}^c@c;j|hxF_e}vdu0Mf4zc|nPoB&p)te28vKA}hJQ~|WV z=fV#M0SDdv_yq7ijU(so116#&o{zxxux-PfJG>n=8wjX6?wx<`NMz!L~40ak9*0f_Ji}1_MQ8%ewqe_iNJ$rCv2=@YueTGG~gQ@51Bi1 zGR>wkh7P?bk)1yoY@B+6BZtlSM6dw}?(Le57z8uWcbJ)WYD3-;kU=W)tma;?zrfNy zHJ@neSFvH&e=buo*(O%Kz}VcWc>I2lWw6dBI$T(e=#Iez$YU+sXmU_`(h|0KYO4bF zBndN7vR<4M3#q!742vw;A}T7~l6h~4pSF1RrulU>HA;)Vz?ZeX`6wv`H^WKMd)~h9 zJ1{>~HKl*u(RMtN9u{Q)ES`$lgDD(|! z8Iinb8jZhn*5DgzBdM}Z=U{1K?!)Snd~nnmfKv9JuQ4eeTSMV+(j!&O#&fMsKq8t4 z-Nhc*uhf_@Y2QK17DWr5q*R%RCPkNgQNs3qQiA&Wej|5All=htbqZuo$i<+aa&^|> z!p_~3^-7a1Napupn)$LNPe+zT-l%Wva41@P-Fi|?zr##2&!#XDS=UwrN=fmygiEzv zp00j~aI);-(Md~Nzx!DQ_A%PaR)*(}oxYH62U)vTh*$+!U zk{%!?n~f3QshxOa?Q?8_+oxJ)Ap7hIPy$HQp?Iga4N6BFL@<-)UX!9NN3Ut~yCo~y zuI%t*BIZZFi4Uo2PCD46%FMEB)?V|?c8)2yRq*W96Z5w9v2`peNE_q^t&sheTj*Q* z-Y({0dv$$#b&qWM^$VjcCzD4e#)CG;x{4;Fni&#eEGS&m=UNcL!z+W{j3`0hLX0Vv zWH)0_L*&k?v6`^F7bZJGz#KPS+`D*-&G>v&k8w@w;e?1C^yp^(#w%r9i ze%96X^;-XM;OVbjU4Do7i8J&x45R`TMB&28hwrOBwQvV_Brm(ZWt=Q5{P@j1t2gOb zZKidSX#Ck&C+DLxirBhWtU)w>U&QDIYA*cTEEgdoFHB2x4jroI>6b0rYA%s?T(R@r zv|E{u;N$Ng_XIWRa^-QR_g&*B;Jd8Bjo>VRidMK16`|pndKeXPr@kW7!BC-m4vrA< zzcGE|EN_@m%xwH0&tTi5tutlFwc*(wpEkhlUJvQ0F2f$Exzq?-9e265_c*6iY|TY~ zOsg{ei4ldNu7Cm|3($I+c?t3nG`?j=rf3>_Jl7I_N6EqAy1sSKW~<&}SC2=uoY=Le zuUP0VNq#{sx{IJ+YYb(eMW2 zQGz|4mpbph;op4qUxMx5hviLco|I?;4XAHSnhPAGk)Z=%@_k^^^lavbf6|luH+K62 zKN#cxr(%BiM;v5gX?7-*Ch-L>IK)y1i7CdyP-~MAR=1i8lY2R(DDXJ`HizD`^9d%< zC;J{~Da2_gX$HtT2j}^EEMa#dol4#EunEu#H~x_2XM08#^V%i5{Ci&aNGmiG379jJ@^rnBjEx37euWaPl= zdmuXjj+p^#E0Z>D3D9;Vr$p*oxOifKX2;|E26@2P3blq8_EjYx;2+#Mj=oznc6k^o zT?O=}UQD)0GmN~>bCLV9A86|X{-u|BY3F))+Byb&beuK@<$MH=U=1iF@mLRw8*jso z$`yaJHXUs5pEsIsG`MAcTHI(OCAc4bf=nN-b(4GpJYGFGS6xE{w}E_7ZH{1csAtiw zLHEilk45|&#^r2NC7w+-69rCVmQ;t#-g2C09psnZ2tvEZb5i6X!dI=(jl}BISy@e; zA+59C#jeXaj^=W;K&IZN#6r_w1?F|Xzux$rC~uA6y9wAz`ub7C(Eg>mTOl~+l0s~c zsUh0T4ZBucT&mo3Q7_$fD`GCNu>JNd=J7xhotKZKJILRsgEeZJgJd+@5HCzBD{&qu z_Bc_Ed^c(0ua@eiF`3V<%NHkhPfhTF2GKDA8aBgSEd) zh0Oe|hHq5|uk5>)++nw$n9Lpc$YA&u{!#4iRAj5%v`t_@ssTctvf590mW?P*H>CBRPSkxj-Z*eMSwj+L?EU4XVy*55iy25BC9R3GIQ**Z}4u% zz91rCG2I2*k)*ELkYUB2KZIdXeXDrzV&CTISHMT?XnoCE06V{#sY6W#$&)CqVl`N4pYD5e z$lWl*)#=cVg370n{-&vd+Pd1u?onSiE)>2iIDcSA#W1l$RKpOPCR+9W?CCM)kgxZ3 z_SvB?!DY}+WGuK+<#S=coH<8^EKRte&l`X0)?iNZYWpd%>3|P+Z%uI}<|V%iJ)5ZS zg=Q~HSwx0wtC02xlRIA2H` z+*#i3d?r(doe_89v*}G+Mpq-_wZz|0ZV?uyJ~fLEYf0neS?*@?HjP%UuN6kxw-XBj zS5*5uTtjP4&THO`%mDFTp9djIM$;+gq++c6Qv?GFGc65EeU$Ep$B&KKoA}F-Qhba1rutU* zoEWx44GS?FVq$U#(@Ih_v1S(N&7^BX^HNync)zJgyQ>+e@?05wU3>Q=x-M)8Lst;P zZI%8>UgMHI@7&o}tm7KexYTATxB-9&GX-ihvqpi92H!zPFFhwJ4aLhp#LCheRWmMESNAG* z&AKS!f%G#Nk@jwxyJ~EcbBT~YF4M1Va}n0x$4AWY$pHKjo{^A>-3}zjq;DrP>xDs; z9;M6Sm*UM5)z?kMs@IQSTZ1XxcH?{q4 zW3p2qeVxi)9WW@w7Lb9{ZU_$IZkV?-GL&cfPUOQJ0~VCKTt@!6oai@=Je<1cs}xTt zhBG-a7>gSlEF#@y)o|a!$r==;@==87btp_DKDzN7tZ>R^(r$9nQDtc5y@;6JF58Eo zIV(v&%nKV3hQRSIAd>E6T_(zi!1rEnYUw| z*|lbA6fVzCzR&aF{L4CKJ5Vy<}j)uc7$`y2@i9=rWs~%zxMQVvr_PT zSQ6qXGjhyJR6UUK1qgIV5e%H-R;SgHrN%jo7zQ%(kG0%sxyO1n(7X@G(VLO-=74EK z5H89?!V(r8(Hpd;4R*EDs`%33?(XN~{dTpw*zcg)goVw>$kE`)gRc^e?l6iRURvxG zoIv!arQp@ba=!jJmsn06qH1=Y?;HECkJPa!v#_1co*@U_l*=fErJ8i7y{J~LchMfE zXXuwzqltR0`@8K(4!F!a9_VByS9L{wqoQ3`^0dQ7g~7t5w%g$hK8Ll0HNr4i)=Tu! zNH@<2Gy_6`0BEySJ>+uO`p~rZw*k#A>aib`@TZI@&zcx%otjXpXk)2=7-asY(GamVn%Y(R z8mPklmZ<-?NvdDdVNJ>3L3Ow$ph}yY-T4VJ{cak7hYi^7b2>taDY!?-Bf#(sD5u<( z<~o}zO}Hj`V~1Jmy_{%e5WmTtgE*UOPu=QHsIEOa(xlt$Pb~&Oox{xvK+-&;6v%}) zy8(@Jo9?VTHAL1(1n-Z5Za~-u;enFuHr}sznR9hMb@o4>OX;Yg4Q@tGD6&axjz8=O zaKdIh8SHQr7=WAKh!?6Zbv-<9DnVD|!(J36a4075%WOjC_MSh1vkh4lS4ifE%R<8u zQhlO>{B8OP?y_6mg%0-QvvMM?a}GM&+##RNgfSsLy$-W<7h?y8#?PU7D90NJDR?@< zVCN{$6PDMqi}3}%0p6w+H&6N7W}96&iWjVpKBBvOjQcqL>PFoifUd`Gx-Q$-)9ks; z==#mUwVSuC(|p)F`K{Tr=4YL!k}SPt&I=~kRqZK|@A$HsS5s4ItU9ncGnWppZa|@# zU93~CW*QEKZWgFrytXqND9nbIvF!qxNJ2Yk%%nmbc=Ceh_^2VN8#hJQssvZnzy)Nk z@HB+Yx<%hPcwNh2Y=P@jIZwK4qJl^^&={P51sV(3KXfeZgs*@esk?+^j+2aNyo!T_ zm)-5X>6Lrk#QBY{_X*>t2`l+`;s$6d#AvOu2p4ZA#j;bNfRk7#9}H4iijj|muy{i_ z+#IW%albdDddkbb$ z>@8iT11pqmcXVocZ6#JDIS&u|D73+|$G%N_$As*a>wGLju{7AlpkGkKAAhYNemUTL<==bP$Y?^c+^|R)!k;fXlxh?+g*HQ z@`}QqRXKEd^UFK-NzCzE3eqJT$CX4tpNyx@gWpzK&m%k5xhU2oR`OZ60<};}1(-wC zUf+&`e=)Z)R3P4_$`FVcxZ-F+pzoN#w6g|5Sl~W5 z9*&h}QNm(E{#1Sbx4hSn$sPZ7EZnS4tpWIXb^+mSjg@SJvTUL8?iVKQgTEO!l5R{M zw7=fjQ|~8wH7vpKK<~LTELyuXZZ*nrC@s=696}J0r`e4HW6H{S`Om}}=kZAAiPcoq zY-vBRNzvo8vUr-77+cJ})3mb<(S>2rJcw>2j|yrc7&77C2IW+am9{AFpFCeVSOQm4 zS*TyeD?dM=R8ma$QEu;;T(gZj_yiw)8jx87RNycVFtgYmm|1)@8fYx7M79DoyI|mB zzbr7S{t)1px*On5WUIDJ;XolGh#k2x z5>K+3AzVT3i#G!i)cXkZ9?WRx(09-h9ztO`Nv#6!Z9^yrQdH1mlQ_B+BtM=aK-3lD zX@l}J57nf3cRsBt^;Dr|+kSb6!r!krWh57*%XL3h=IyEk26*_}U=C96jvWEDMl67z zHx0P@em$o-rFg>ij?{;KE{lGTdzmX&$=GdlZI#f(7&#RBI8MtLQ^?r005~z zlv0&VK8W1hLDA^h{JGzvR6g65z;ihIH)+8P}ZsKq)rtdE~ZxTh$0lFQE!M{pD%HQ9)=-+o$ zTbml^l-{N1&=};ugY;|KP$YIh1!eF4UL9|k(-4Ee z#slXY0I@+`1wQirTzCWAo6zqdr$1Y}wr2o`X;Oe@ znzuFs+*ts*d?y_M6%o+*P(tqpD!Pr@LKc4zv&I zek$p!)>XZ)5ffs>a!H}n;IoOesnuFlw0&5>F;hnIl>!p5pWxr_g&)fR; zFY5#S`yTMs&Xi+1-61>4L`l2?Ha<#2HnR{XB&&Qi?+eM!Ki#J2mhZGeop;1-SDgrs zy=!M7CwS@XuTe9RcYBc5MEWR|_}G!i5;r^LG~pESl(5W+Nu!#EB=N?yY0iQVy$|J+ z*i0Pt7S^zr?yJxI_iOxBw?AXr(B*(VV$s&Ti{=45l;rM~{fqoUnIT1A6_(}CHJ2Vn zbqn^&PdX`lj^J`iaVp2}eF}P^_Hq^SuD6|!B2GjCWJEOSwpRPCHtlN zfm>YZ{a|FZ{^uhd?5IDaKHg|276Obp|L5Yw_l0tqnylqSRKfzM)ZuR8k#o`=NG5Lw zC9AR#_sT4HNz?^BLG8yG;*%lI^uRMt_r*Xt#eR;!c(+5OdLrOqcbw7+AgZq0RFU$8 zlOFmkEWfk+GO^09d#|b?`0fnjad;5ue8-t$X*S#H@1Wo4wTl7qA&r4iHBUPlFwjg@ z_)1rq1jZLNr;UvPc|UpaVI@_)_eyf@lkACNz`Be0&2w)p0oXUCQ8*nC9$qyAhNPO3 zwuz57ap#|#)(zZCJg31d!RY%9cUQbFRm6{f@oVSfqC{;r?$+d6!*fqiYiEgS*Qw7Z zcPvJ<Ip8V~9{p;Q|D}@|^`qGMQ}PqQ zkN@hCRQ1s?XeQbjU!@M@@y44(f1P;UCSozZnBvOZ&Z$38S@YmCo1XHgx3P+|nlAJO zEh>{t{B5&D2JaJJ{>qLHJ}V>Wk_QTL4FAn8 z!`2?cYgW0Y+`Mnz$!;8&IE4uBb_SAQHw`Q@PEDP4=NU0WS;2is-Z*eH>R6*Gp{;EK zUlR`QP*u}#?pf%GUJ;O$!};D}Z?EAVdsav(xgPp0c5 zeyZhfDW~W3{Qq2T8wsOp<3y+_HAe<=x0Ib?RyMMJldwb)<*`B%;srdlJ4%_!$CEWT zM4w&s67chkXf2EcKZ;${K1&UOo8czoVlApguG7EpnOL_cgHV(xvul%l{*-g z=+JYI&syQM=)D8n2J;#6znlb?-tvH)5H4p3x6WA(HS>|&80{?;jTdo>T-K#@mSR+T z$trci)?|6%pKd^=&!Lj#Uce2wJ%H#yaWz8bq9IW;jM^%uSSY_6zgbBF&OZCK{j@FY z*zGJ$*O4xhU>zBS)17&bUP{e#KS%n{p~ltP?J$u5xNNQk%_dts3-VoKdGD9&($NXBEN<2NTqAK5?@|`8L#{8QU){46eoQZ{4^j zTqU}?cINQ%$D-sD9I}J#t^q!u)q_iFKYIb$zevbm&K1y)_jfZ^Rz*#wiP*r+Ny9`% z437I{1?ASes&_D-K5^&4_8RYo!e4eXs!~E(NH?nt+t$z(o~=Umv+^wf{6u8f zn*=una@0d+o}T_(&uw@@{2sBgXU@qrM92spRM-efL;w=WG+@O8)~&Yy zI2f3Ila2c2=|*EIo`h2TC~>njIg^zb-WDtIx$E1;o^SUPrVd8EKDpN;yi%yVWRxai=SAIv&X>&3ELxrlYs^XKEbWok= z8V|A^V-~aKlS-=-&9egHIaQWo?NprT#ktqrx6S;(x!#LNUTr=*iWAANh@vu7)nlXs zu>X3>W~@!vR@+CqyBNmZRdcZaB2pC9&XF&OWMqNO%ag1jKO(%-jz1ziU-aHJBZ@TY zM@+>f55!bjP|Di^T6;M4&>(pMfR!gvOXc^7kUF4!H~_mowzJ-fWR+>=BDu`@#BZUQ zT}Nh|s)MHkIL_V-dB!ehZOlUlBIu_IMUhO&3! zJ}bOaP`72@3D)J}#W-L~#~~(!(N2HXxEaDbitSrcVz&vc?IzMIulI20%h4nF*%tv% zO~Pv>F6KmCeHxSFmfvgybaE~I8Dtok0zn2V5M-SGal$_QkC;Cfi23P(SU1TMc}tHL z>`L7L@{W3BN9ZOF3G}1P$EA17ypwN*@~$A+zsXSya4=>`TnrjEqU27#BK+=JSPiq*E81X{km8Rw&d&fat}ZQPkxsZQ{9l-AJ=*lvh^lX(V6jMWXxG=r0j z^#-%AA|%0FvNy_!M=}b}#f(_rx3jM*VvH!lz3{uQDWP9?ucb@*2qR1O`(ub zU(kD^Yo0)6jO8AJopKh)JGY&awrn0zUT3y5xaq2$bpw{*?(zC$?8G!L+uq%SA@4Xq zUrauh>ir1p{#)hECUbzdIL+5nfF6AC1R#AVPBQRW4E!rB&4nnvbDLU?kpFtw7lxCJ zZ#-M*T0JW5BWQn7z(wD8xJD<>5W^_S#2NSGHWT8FRcd)2lPm*!e$L?Y$7n};j}#}Z zvd_Lz!@2awhuo3UGk016gP3uy?>{nlpnvj{?)#s!x1@gi_tFSBvVgR>gj>j^7C-HG zct1y0J$N>eH}YfW6O%B>vAL>%Cg?d|G%6m!1~oN;o`&bPh^kdlox5jcilXnN=^{sT#I#4g`UIbuI zpGOnTsUc3^L4EG9sgH&Ey5(NxQ&j7{Oe+_YF3YsXyJ#btQQsdxGmz2SpPPUF@prDx zQaq=BDJ!!Hysp6tGGdbbZa&*n7_{v*L*S));*b_f=K)gfwl9eSxM zbHRO%yvcjHHuednCx%5MZ9FSb`w;aR+C9K@=M~9l4i!1-cr<{)lfGBO$mMXi17kW_7PfLolCw*0r0RL>F7h+k&uwZdgHYlb+82AcN5V`mPuLh zyWyHg8T?w-gLWIeFdS=`^U!SDIPB+W} zHkbj(5ucKXf7_f{Cf?>?py+p{t3>QBZZB-32(-q6xW`&mkkBD0B^r59s+Zx+*?Gdb z<*mQLvi|Ysfq9@c&wCX~H#Korwfv$-Qs}3A^{{cCM@8nfy!)KjQEPbrQZTb=o||ep zv$~S0^L?Wa@5^jO>Bn0{SB6)o&jF*W1=^uI%#A-1z}Hdl*Z&u7Zygn7yZ(!#AV_zo zgea*L}mfG{*lNQ^KvLnGY?2uMrk&@gm&N{%!P-3%QA?|I(6&pE&E-sgMv`Rn%w zYr$HqiRZbW&wbt3C$4LbIsQA~ubp=Zhn>U-g!TmDmpQb0Yn z%2fFOP>=oBkNNlS|Cn@<9lnLuLQ3%CZc}GGnZgvL3eOGNRjH6;j(9(5=b5El2ku8=zu1O%e z(QgjFB#DZ{9NGjP3g|+jrE%1Pn;dA3Y&0BGbk5aJEO{BcxndIekA2tOK7#Pq$|?7x zDQar#$7}GTytf?75`o2nDG}YjzH+wBJ>t9S0NuI|Yt6eJ0Sb+&LW_jrz6@N0Y5tMu zGVwHyAA&a4nxOdOt>$k7?hnABLnWFqf)ns!-+0z&;dF%|>MNn^oTBoKX6;j--^S!7D%3K0 zfJ#yf)fOuG+zkxLfg10bDE+P;urne3?ohKIuBL9B-ORVvEiF9b!)cWvl+>XgRjk`{ zp%dEo5=-W1-f%EwJCmJ5^rHLP#Gt)4FIV)8L!5qD@#3Mw7n(xj7c;vmIY-;x-hf8Y z&6irz*49m^*@RdKH;&T+q$SMoy!~^8Q^(#+bDA(w9{5%Wo??=!kYz%S=emVXMaOt$ zHzV4YM1Ypx;UVli6MxYP_aTlFA3pMpns5|Kp?_}*@pg^TSMzu&d@ds)cL-+4ogD#n zgFI=34@TR|EapivDo$Off_K}b{6#}WJ>}pzXt;O^_g34Lp)pYWWkZU5oP1A&JWWDs zC0c;c{;8u<6V>{9)iK+rZrx6oYT9Z(zjS`4wZbSzH27O&2IAk+s^!!$uOK#~Qn))@ zAW?Kbj9I46WC*S__l%6VvfjHSux=#^%Tr_jmUSP=c?eo18Dqh3)dd_Jeevx^QJn| zs;u%>M$Y1MG`lZ9zu)ex9Q#dot)hmKiFW=ABeby~254_Sn##SOs59`bc6TC7efQQa zc^&wM#XB`Fdwo*L@^nr?I)O!}*U&Lr2m8jNbpTFL)5lJBCxP zzu!!_=1T%CJKSB?J8qfr`_AGVx6;bazGk&d;T7GYY763qJr*0__9#CUD2T~>?wEhH z4Z!AEF?YwgZxmgi_VepR3aB|N~fOSz2lQBIU4TT24s5n-;jlG)xf^oemI`e-xy8hNMHCam_Ks5$&Fzj z!d1Y@yol!Rlld3So(^JYgvn2lO?qphXJLjGqU`IJC%)_6xN^{fko#xQHr*MR;Ly>- zW$U_2KGH*Wf&EZl=;kAun~Ji&K56b5ujkfaha4+vy4%qWBi_r+7uar$u>&1DzcnNq zOTQG=l%Ww@o>&e)78oYS-DOTBivLf1*!b`FhJycZaaR?ZW@(}`<4uxH!%^xa=np8L z7?{ycqV%KIDcHe6v7x-h?6dphZi1I*X8KJ3d1uhGaQPvXqdb4u#=S6Nwj<_fv^)-6 z%{`a(zc3hl*OR~|7YBe^g%sh7WK=#<7`Ho@py!+_)_F!5om01Rnp+cq$5E@sFLP*zzD95GwJaq8LjI(nP#Vlk>0wX+VQYXwFr%(>w;^d zU{*@X)oY<^U^ua1Z-*S^2(-E}fZ|q8RG!93C&*Gu&b>U^=lPZI>fItNqZ;D!YB4L8u#pXeVlDkJ z4MA^xD+hgga!4;)T1#@;*qhr&B+!Q`nv|!_Q$i~Gypu57#%#OOFfOj)=!b?ej@#e= zJ$MKf`&#?(SVF$XECj2lqt{|bceO$rY@`{r4>qAxOK8cd9s5VkuuOrLK|MU&9g~MQ z1|5(nZmyEb5;*ks`GB)fF~FC=+J=?wRu1ttip%SelwSMb5DdP&n#dq3wefteu(VIw zJ!yXtwzIHnRh|KC3%O`QpaUeHbaw-g1u>x7D^J536kmjO*`J&~h)0Ggj~@=E==wu> zpTL=)X^kzEBRagSR%XvXx(1egfnMIfgOK|E5k3XVwpvGD%(nF;tF{Z^uRJmx;vU~{ zALidMmzYOJ^NUjF8p=Wgw<&k-+bGfC!e&e`AgmO(?^QLrJ@Zi7s!TDr~&1iRoLkVdejk zML=Xw$P)c)=1NaVJ0kc}=UkvHdzC{9R@Av|{DRInh$%V8dUDUzm<}F2b9nJEf?VnA zHx3dUmO(AZNc4kiS)RvCN!eg=w@~L)BZyMcXic*$yRAPFu_-Z2KnKous1R`o_IEFt z0^xv%^VV?&-529rSlU6~Dd-i{9wVEVSAnw!(N$ZI4^~1Y-f&87s5O2iyk&vo1F@V^ zY&4E4vdN~Cl2S=dug^r=Q{s9Vo}5M>!_^vj!38L-t8@R^!LAZIa8f;&84ok?#+qf7GAMiXuuPfUduFaC5WO4-JXr- zPjQyJHhQ@EczPUKxC^;tRm-^}I@3LXD4Jv8jGKW`Si#Zc(TS`KxXKBudo6$SP1m3B zGyRQj4d*Q`i1WTRt`qxj;FulukJX^d#D?NaShbb8RnY$Kw_n*qVPmY9=R+p?-Ep+f z?~(ZxqNjYdkf*d}-lcWMC9HMC?5plGH$1(?F%1SQd@+m+KSw#fs8!@1QDr1KYY5DUt>Oxlz5Qo(mM)1r% zYtY$k8?}TDm4o63|H}RYc7yRhv}UJCj?oML@(xGSE7CG3orE%Lx0_LajwDUMJ@?l0 z#ca)fRBrIb$4hKti4*LWxzSzjc|{1zlbm$QselX`b0;IcGz&icNgarM^MnpCt?1`x zG0pXW$$R4Kg-U?5{oxV>W!~R&bMstDorOGgU$7y2W=&IxIS{(Wp25A$J>o+Jr8@!~ zG9ib8;Gx_m_p*!?$xnq3V#ygUuepC`>EIJ<67DY8p0tdL*R1coQL*s-eOCOeTolC| zRvQsR@^&TjvAfv^=hL#obtZGy7a4(l-;EWv!xb6)p=J7lj0zUObOsk?B{r}T%Cl52Gn59%*!b8*x91 zjDrvW!>z_54k!~5TJg91A08KDx-auKHMv}yvv_mYC2(oe=Mf&{9M06iEvxoC!M_JJ ze|T?tN&z09&-MSSF#~$wvX+#p*)l2lGH(dhn%pxL+YfY=(!KKBRyQzKfoF1E;P3zpM;{^n1`2VCN2LNN*-GMb21iq!$Z0V4e50SmAHVB z;2d#zirmEgxRKW9vfJBZwIQa2o*Yn-u4U34FiN4oOY;GkXb#u+Ep$`5!VQJtt zx&9^cOR^lk~X|Q7GHJvcMa_qJOO}WUGl!Fs- z;C$y?V6ee5-oi+3fA=F^#%j~WtNXi#s5ZK}+~=dI=|W&B`1mJ!+vs?!YXgZ3 zet-UnvJEn{&|-ev9VOQ%;HII5xS7#KM*;-dmd!e5?dwO$P0u*zYVwq|;v#iQHRF`` zrx7lT++F&HbECEPys%H0P7HBMqT1TDJj053zsQs@2oNtnuZ1yxoUCbaQ>-7))Kg*_ z$v6LWK(k;P|5@5_UfMo{#qZD8B8&-14i^^}2$GmiO^8vGeDm#Nn%Zi!zc3`@n6K!cIFgf$acti8@%5uYGwEUSwn|JW9}iB6tNE5k@VORl(k7Ye;RpTL&(lrd=VU;K z6T~AZwmG#Pdvp%2#dq+OCYX4%&eBUI+QD9G^)R}AfPD+^W#Gr%^I2fMb6mA`FAl)1 z63+OkJBoKNGZ#au@8fi)Zom4K5kbIkc zWi!rSJ6}@;kL|WOv3%6eP9(8Heg%3@Um)(X&1<51Zcsje9=7Ry6<9Ro;S)RpfR)C~ zKe+{C6VH-8=@%%%qo8IXXXiT+<$0#OLV3*hma%W~!H$l_t2BafB(A|9avV5Zvt&nF z!|ZO!#r`1LP*sFBCPY^ry{e}7vu+FSUyBGBI|sP!*`>alpWwD{)=9oZs_;|nm}%7L z1S>9P)%(B4wcUyd34bjh^88SgB^av+yL20f^;>O`5*%TAfc02OGSSj$NTPD+RV5IM z!hWLaeo)9nf7Rh))y7c}aR!XIB8Z0{G&=D(nx$dK(Z<7B`EB;1#I-4MRBaL_k8IJ2 zDd@&zIQyg}4A{W8=z+Ae*N-SZIu22gN}kq7i*|hZ!opQZ%O2m3@d0x-fufoOgO>g5 zVe`Zm@*|VnJuGj>jV?MOH<21tX*+-0cAk$VBiQ*QZo~Vr(JQz>BZ%3csM4`!7hz8sdiV(hjlXqug+NLwmW7%?sn#EPu?a+KaEcp zlXX$0@pd&NW6FHG~f>uFRl z*B`#tqf}}iePu*rgStRZOb9gk#He>(KK(eCAGhceqEu|-DlVMvP`s;IN>x{A9{Xnn zL#F(bM9S$iv^x^)P3UD?vb~4xH=i3P$ah(xPn1O9XX}7|A90GcP6bJZC_ra`Y?FjPo!B0*(5_+yHOC!5uKA?l{cMxb!y5V z7nQ)F$M8`5$9H>$53jdMLTWcum$+}Hozdk}^n386n-4y29MEN;ew4HNi8G%YQ9i*x0Du*zoyiBh_Usp9Ta2 z#d%TqD|rzzhaQ@~Shz~rJ<|Eke7HC~Mr_4CxwK z)&dToL3LD(<>9T*cHB_cb%-PwL7|6$631W#TDEL*r8UQiKQOhc(NDYOc)GjMyf_z5 zwPjPuS++Xj!IZjsN3GD*(mKgYHn*nfE3k?vEl(7KcvZ?oxi8+86|5{XsUuaTI}Jvt z4Fh?1^?S_|CF(;CH%@+&4G!W}GWK)&fg8)XL_;*Wi&agUwKJE>uNeM#5dARomFZd7 zk(5O?rK$s7LE_&}qW5%Lqsq)r4M_FpB!BXIE&5|1St^LHxS*i_X?1f1leqwq7*2>hR><3~=d2Bu`)vH? zfGUt*=45B5Se#nIa5*G)2En_^Otal8JZV1d{L~E|u7yua{&}gm6nfT$*V}?JE?-rA zQjf|jWo>VizmM=<2Nw}-wca8^1xG46bfEPx*o>e%hl2B^pgSAh)cG$ zjt5h$WzL^>EOpgktWh{}+B6Td`Qr(e^(4F!%a3fmd&l%MB2I<4zg=ZzsUZ0u?#_8v z9X9Gl&Y;)GJH7fxy?^2z6_pn6YV>LcKbGn!Q>IK8>jgU>T8l0Uj{0^ov4r&aP)&HL zKx+8%Y$-NAuCs~z4`gb8ExM!}W~SPkTdFPE$snqMr_3uXQXoKlonm~5BZFS@%%mK# zejGNe0K?$4R{mp-4EPF+_Al=EFl2cY8@l5E*y3~7a{_UMh9O_&szhZue}osWeWG}Y zJWE5gHZQ~zZ#{dE8cWhVE{-2aHxo$1kzJ#zLGYr*kYKj_#if7?Ywhkj_#=;O#Wxi` zw|WYdLPMJVnJo&o2h(onCixq^w$^O*Wz0y0u$Vwe%3|<%q5H3xuZn$k*9<`)9v_Xk zQLbf@>A7T5KxI1kX;SF-iumm)&Q41G>*!}Ad_)V9CNyD8wu$BAHh>|4GIz=dE}@Qb zWe-*9nA7od+A`=Q*!bB14pWNz!sD?iZ)W680TR+Lb972P(o*cmM^QuL4EaKM&8+;H4q7|qf1h^2aoA}{b-Cb4xZ{H7th7KL@nFGbhiJJQwLVQB?b1S{#0B7w@D*8U%DHw2s@z9q0S* zSzE`;ByG)dO79ti7P8r1nW%$lyB2zX&M9D(Dr~yY;;=tIJ9wp8IU{&$3woby$IG{- zXBtbSJ>L5&_&WY2E`0=K%Y1_Ug~8%aP(i$@I2p12ak_ z!wP)~gRIEZ&q$ybu;`xI-GZqz#p^sq3bmn3)jz)Lum48l#I7c+PBNg8_%=3Um&=~a z@Q}<^Q|AtZ{JzHtE(_5{j*;s^-@a}_VP}`~xDE>UkR2vkGXzCHn{sh;r1Tz>1aWdk z)*cZJ705)F+V1b43$WeF)#RqNW)^`^m^8YnM6`A&nD^OmF~7Q zqi;-wwP=c%X}PR0bHj0}VQqMZHe?UQNe1J7O# zbO(~x^aA=blHAs=b9DLmZH^5=Z;4d%mA0b(pV zeV{XeS`PdoMaBzWU6m0DE~_MwIo)$e3S2w3*^@LtmZZ}isr+^}uxOd7O=gfKuhd-& zCLx&Yf6dPNFlR9t6uItn&pIhYh}q}i8(ots(pb|NwqN@(h#=nGl8|69+;PdE5DP zX$b6ne_2p8M4#8+mUm}mGU=t~MjQ(2G=2tGF}Mx1=6xC(|7fmPU{%Cxh&5W70TqXf zvDQ=u?vbXhKpCg;l+&)H;ON21Oj%TI#TjxdD@PwoMa$A+ktmi*l#^VAbc$QfHyc4H z&(kY_kj$1U0=#D{LmW-!#ova$y7h6=&@$Mi+00H(7=f-mE{@=d&7(3@eZLUAZflHG zLp`p>1nFruAQWx(1A!n6N5{pO!?{Mqr{S9v_20T<2eT4F-aPJSZB@LQFP91Sd8!Y# zf5p*FN7?RIZX*4zF`B{K+yYkBOgzIS4)K)mID65HWPDb{w|(v#{7mv~DKrGhIQ-Tp z%kjb$67ADtXCLUP)Wz&zJY)#>7yNj96e#FTN+g$Fsbc3!Lq^2lLEkLVu1{*~-|Viy z|f{Rgg*kLwIXl!Fa$5j;zs*09OB*t{B}@9;RNQj&e%$Vek~G8=vTje z5F0-nzBwDcMzD<+m(^&9ON~Fpf?xX{xbfkx2!or;xPDmRJGlsHs+-|=-%K$v z9v|kFEyS@^z~jEKn4`nhA2yf-&Pm=V_?^x2AGenm_+zGq|D^q`eYfaqrS-O z?-5e>j{7lp-lVroMJ?~gZ_aET>*foPPOdYym+O`;nkiQyY9bbiHPrM0WNmVl9dK4EvwBO75HR; zPF`s`&A;KrG@d}K=FIIi3U+!*)GS3sGQXi=dW#8AUa~kTf6Ap|Iz2K&&QlM}I;lx{ zTl4Q-MuJ9HantU0Ok)L1`KNnl2;AG*wl0rH^$q(|HWx|2(1`K^mn?@&B|BHj4Q84$zNg2z#uSyY*-a>;bvk7M zziv4Ry9O4f`Z^``RpWAFjUwOfqcx(K&yiiLFmdGFT^YZw!E5g}S2!l>W_n{z`yyt4 z@owHn_)Yood}~Od{@nbmft)3nu7?1xFw~E$xbW}((8Gf4aHQQ$wN|gt(}>Px+EO7A z=&xFoZOESmTWRy8L`b86x|&%$=H1-c5y{@1Nzj?fGRdC6wXhE9KbSa13b!wk&luuf zGo);`vO!Jvx*PF?6MKYIxtv?8Sk_*35>aHzW5slX_ys)>-BDU^>ZZ<`qPXQJhCPDN zZg}I#<=JBXv%stZ21lRs`A15+?VP+ZMsFx{a7VTi@|K3c9x&<@u`=YGk?VaM`5O~@ zXy)6hDiltHbLfF{YNzBXW=;GbT;ju#K6*We?#N7+diszN;{t}*5js`;kf?SG3o$Gv zSu7XqoWJL&*Cmb~3MJzH$jKon;U*wa$f9hw7RL!~riSo_gv?2S6k~X8ttEcu!;M=% zI<6-C_QkNz^RS!u6XV$5Rd|=f-%*}1;=?`WO^H08W{Q$?x~E6+r6WC`+m*iU;ixHx zIAG;`tx%`!l3yVc5ckK$B5D6FTjt+jqvc>Hpr7(IrICAaab8zn)!UsVd})zRiLsH3 zWr%zqV+1r&Yb#+`5%F=tj%s(pcAj0mabCBm@3%iUabMdB8#Lm+1D<)qQ4)UzNNw1g z098Lc^X^$(V96IW`Zq0`||N9jm#OS$M3VCN9u>RJS;OxVut9zxj6tuIr*qAL4- zKLnR!WbaLC&F$VNiJ|P2e=N9FqoWHt8-qq+tKQ7o%`6MXv-2ZQFfqMiON4Pg#~VzK zTnSHXc6HJ*My-G0j_{`8#$9+-)C{Xn19s&Nzs01|c z8ieR-cUsrLSh-QUpjH-}J}1K3C=BCq!Q89p=%w0y%E7C(&Y30Q>7 zeW0V+%Yn$qANDk!;d|}Vkz9PfLECpsF=#|`x-OhiMC9m*ZF1kv1-Bu3P9&ic@fe?Z z!x(fdJ>zoB3KsdIUbB}35}Clorg4v{#JRhbE92Kk`Q)uZg6AMX-+y{(m%VSa-N);E zZkt~x*5Zim`U~IBgOrtFHOQOvvn5r!nQcM4QuLf)m=nSVBS$8|1(Cb`!FdCvY!c`z zzr13J>olVDHEGiTAYKOkx0aol{dlfC$cKHem6Dkwv5jV?GzrIMB$n`mA5A>;Bj!lC zw+wC8)=+r`fhm~g9SJ=S3aZx%*jlQ9$1oprQd0MDtCUEnzUtFAmj{pG8+vDrJ2k3^ zfrc92yLFQCN&M_Fx0#E|>}IBeLR5a|tBi=q$GR9?vwiB%eR9k0PD>w|E84Lg+%ora zD_v4$*2@^sLkdB3MwKKuiJP|W^)sq-c3c~oV$HH=2@H0Q& zE~YE#o~VcTyqsxPLdMYS=%=z7Y{UKOKNV60o<24Cc_}Ju3^#s$+}3q769ZUK7)@+k zV{9QsCb+zdjmjBcx3~|2aZu&pGW5g??UaJr#3jIM88+bO=$s^d>6`jD+jm-#Q?yg3 zKbq>6Yomb+<2QvqeLJ2Lt6U-T0X*P?%iEgtYnO>6PDoY#b#vSjY8nrBIoIhFF&y;~ z)#EAW<$k=^GdF-D^8yHqyvmtFwS>a=zp~$#=(7XJxP6ahIcwP(+0Tjr_z0 z2G-**#54rM?Kt{cXSLNQs%nhP)UT|OF_c!~Xyl}F<8rxf|3>KZr&K2#?4PRMV+I<= zZypmmx8c?pDX1P-P7CdQ2AA$#lG}*HM$Ibm88&7S_P@;f*!L9#)A?b|mB3b0nzMb5 zCaXTRlr-NM%-HiyI(M2Z%nnBpa_AY8s^@XvKE5>x;py)b#Tl&#%G=rS(q+81P{E<}GDwe>~ zJT#)0`Z;wnl28Y!m>ap}U0XqgaypL+z1eEa< zPAixXgbh$-;m!Ll7Mi7bjEx?=)GIEUQQ7gpL(xF^4=YS_^dDkeG^oB>lXbG$%=RMJ zI9!Ncs&eGp-OgvLn1-krn8${DTMr=<(A4fa-qY8lo4*N|Gqx&4t~YL`9bH@-@=6kqTWN!@t!o`jCh1?{7lo1@vu0hCWCndObKVF@Ai! zdj+&!ID@INc3eLgydp+IbMQvazhGs;-1D2t^}OCoQym`$BX!F;>!w{EOue=Kf;5VA z?vmV%J&=s8U&BB&>ii59|7fPHFFfzdOTGJ^?nheUG6D^_ptwgx{=wXYLq9hJt9S_!G zo2@B{jzL|7HX-GurN+`O0Tm zuew$Rp0dL`sHp5m%Xr%78`r|sOnebu)6{aT`a{RQ`B3QbpHds$Z|j4v{D>*HEk0&R zzI!5+W630)ns;oa!8)^c*d@pT`t*7$fZi2h9oTj244g@Dt>sL+Xsi>0o0DT(k zdBqO1V2L5C3*#pcP?XsZ%QAMUC=VJSNL4vWyZ8>YSbo=NCgZAX!hdq#+^1rHbJTlP zngBO|TE0KkC7swj2w&UVI1t*e-C)M!Jv{mR`H{AVwB6Kd z1xyOf!*m=?OwG?8wL>WoGl0x)R*Px91Vq^I6aaD=Z5Nt8}6wH0XhXug=BCQ(hY zr2i%wi)VuPB1dbkm8Ws$tTmKv%hWv$@i zYuMu=BC8r{-0X%RJ{AXd$7lbmDlF%|a?}E$m?P1K&9FtZD@jH}fO;tZj$l0Ax}?k+ z_A#-a3qQV1URiB9Ze~Tt;|Cm#VbMHGLR+p^bz8L80YtwLMQDlR^(Bg9%`2X?lA|EX~c$3Tr} zn{+Z$*4%v|tyV*M$&a35ZcxvZG%m@TLiwrIMH%+>&sDXwD#xAYTg*QGkhL@;9}^5D zBNLsfeu+Wej&;oa{VI9Y+RJF=c0_nMur)Amq-2f5@>@U|w!%_}NmjW43McHzRmsXC zc_$Tp&sLaaG_SlMgwMbLtb}P?9kf^@yv*w~)!$mXKl!VYwBYH*gt3xM=Az4A7ZRIAzmy7D^b<=0_EnLUs5Kn^diWDpRvC4JCW&t0)#8wX^IvaUg19F26RE%yh z>o%_!8U}7E3$7xx;@=(L7nFAUD^%2`tZLK~n7&zIa1|}}#ek;x(p<@Rb-TR)dapiq zW^a^Z_&|}LGTiY~PN%p$srjpYd&kar2blns0i=E3Dm#4hpXl%``yY|$|CQsF`FmVh zA)g(r^p|JJfaYT}TFY4f;uuFLrIh&|kN|{K<@2W24>+K5qxb5+6tFbIF-gX&0CKd2 zK5T3n&XaS`o*V+iN2lis@?*8 z)iV0oQPA?)BcQpN8gnmUbQIDomIDQ;(WwPME)3+p*rzVuf7x~1h}kpx85F#6H<^H* zxT77DL$n={!Q*|`CA0tr?o5e{*HWvt!X10vAS{lx-Qhb!WcXN2pEPcwTsS|8_2J>0 zV%P$E925g%QB?<+xDCjKu6m(%UJ9Qt8f>R>Ek_b1pNp}PHU^BroGt*@w-4>y7~?RV z@a&UMyFTOg_JfW@1V8t*l|H*uOC*WJ>7WM+Q4CAFI_JLY9tn;U(5;S_5_0^Zg6q!g z0;%=DK?#d$&q&oBxDdcgEvj=2-w5w;nC=5FB{1x$hV^q#cQt|0yV{rA2S$f*alWwj z8igxPNzxbZzFOKA5vES+QAp>g?qTooAlwhE6Kx;)YD1TinrlEmqH{>kZT}{jGuG^V zMt~EE066V<%ukYSWoNVDcq3$%z5YWSv#_4PuXO^&eH`foAnlRJYKdzyI=t%J+I5u}jhmI*7lDp&JPL)_vCActB>n+e7f0fd#+%OdOuG&inv5n(Yj3}Z&N(Y?RPU4tX=KWQ0PQSL zteegJny<9$+)};uW0}yB@XiyPjgf7bZ*wq;VU7a=^6fuUVvl|{r>D!x0uW>v5B^rD zfq4JIz&-lbwrw`)d(6jt&({bJWo`6Vu|_y+J(s6t zpcF5y7z}QmZHqH05iHx?*`K&xI8znTA9v|rk5_1ePq9TFIAIk%)AS_ET|*UXj;*Rc z?j$(Tv#MBl*}Fzr)pRc9>TknOa3#@|LF5mH5b52;NdyzKoU+IBU_Tg+>~`2uLPD^w zAiXbSZIKc(wS9IyYfR>`tDzlYQ9m-ItkjZfYL__&|H5$DmsxT&9!foC1^g$M?aOB` zciOI~0WSfy(R)V)9x%^)Mh0vht?#nyBnoE6+JKc-V%6>Lf$zx|K*JG@D4Oq}EG3

*a80g_Y1zLxiNwY zbX%+A-}jWS3Ff<)2ay0s*Bx=!lDs{t%_GI;;2Vq{uYPttE&E-O=WJ|J-0iJo20Qme z#}=CbC_4 zpQzN|7i}jf{@5X}sVgS{TCGUKQVjfLumxeAl^_9i*4|_(>`fN)8RCDxr@v9eA%YM} z>pmp}?0(v6xJ=8lV7P_oL(v^L0FW#&9yi_lwOzk*_zTc)+3yh!-6FWJIc};-#4qpW zbWS1Ym=85gHEqDu`Cjt|_zycJwolt#Q!o12cJ#zU!khVX7gD7_y46+n7~~8H(%vg6 zqM1+jHW%@Ex>g=8t?_w1>-zd-{gY0@(`Q3u>PT?hf54~G!eYszIgz0a@V&*9ix`L% zbo!?rC<{XFSsH6=Y*kdI%E+`mq3G?W4qPWNy7li}l?(_Y_ShbJ6>h9|kCK0`V2H8D z|HeCQ;ap|zS|rwhPuH|?_cztrqS`VgY$1k%fy~{YUkkF7Q)C8eP1(uHF9v9JXxP{? zegFdaiQIW(*S|1c3eaB8!meW z28M_hP?6ZSb(jRZR`)q!N7X6nif7gsG66Vu zm7nR^N!@gg;$*a{3oQQP{`f91!dKnK%rooI8e6rQyEXcB+f60qfL_Hn_S`|4E9G4h zMe7Zj@{8=HMlo}I*m}`Q?eUD@?EhG%)M^KASsR=R=dXosf|QPb-{JI`o*ZvRAz`9B;^%F1FxrGci1T$))*z(}%-;7n zrhrnx!B`mvOS@hKUG`C!9+NiPhi}&h^a^D%!Jj zc3X5z4tn(ZLyyq@g+45aKHk6P_h+247YgJ#crYdDKgqa z+cce%eWwm#F!vY6&kq-AtvCO_0s;4b2Lx>DS~F+1q+~{4?w2|^*x3w~W3kx^AN3EE zLjDg#;ty-4Uu~o5cmxmKzeg}OQAfJRDFm}&Z3=5b&&wqKtq9BZ?>xCb2Ods?Q@pY^ zk@|#YKyAl1Z5AhHrf2$Tdqtos&7YXXUxIF{3~jNBkDttQR69iP85)g(NYdX_{<+HTb>^dtuX{6$!$m9R)ngTYF5`V?{Mw_(-7OyHL+42VHW{3i6-7=Nl48lpYQ*M4# z(So7D>#8uNIv07<;-OkN_ro?}hv;8AKXRzq^Y>d%xP;>!K$Zq_UYCGXXLbd0eLvN9 zv@e7H(o)_v$N0B%PZh6c5peFwM?C?Ydnd0kWnOa^kjn>Z?|gLhNxajG!b>o?T!jG2 zo3~$zOmdTphOb z_Vo2@PfU%vbL~mk`}#}Aw=yssc)%64zA_iMweefgB%zXw8|wok5+2+B1n;=a0q(d2 z-Vh)E{hRzhB4?mG?t8@RM;s&an1^q;rCjKSM3%@6+t?XA2zuh$f~xAKv@ zIS+7eWuKW+p?e?jkox-qy1F@EXRcH9cFz>Jy-8EGjjw$1$KW?FtK;J8%lGd0{Jqa;p&*usE8Bxa64GT~Z8TYN?B1!G``UGDLbO7r z{#}y$dH;(D;C|yH@{E5JANgjzkKMOtpLh3lBdg;oj*NBZ0G2gh@5BUW6$2&>sK#zEyUo@^ibK~MPI+}oV7Z7);X#2{V$U*t6$o(d-jQ~ z(z7j6cQqA!gO(mfhwyad0c31WZuVGlt ze)XxL5`VPk0dIsl&;Q3^_trhv^7Ix~yBIFmUJ~Fe^LelQtWzQ{t>$c+yZGMyrT-a% zo?6YB9(WxXgwb+Sf&0vtzj^&&w)T#ErM*|U54=`tn67idIx6ojNl2cQrfYj~>I1L4UmB`ma@XqG ztL)d=5sP;2JU&}XY4yqN%bqc-%Wlf%2W}v}T$8_OTkEQmCSh-0DrRu4eri<&JZ7mC zxL4gcy>b8Z-@tX5`++M?KF*5B3X!R=3_SV`=(P~5t6D3oC+zyV{YBONzU0ap;YS>c zg5Lcqy%EZ+GMPJp!TP%PhcM2!b&@YG#2mZmu|MO~4z0uHLV^=2U&dZ<-(v00`(oQH z(eB;1Zz}XkIdM<0eA2*H*ARBrWusV5}s|HQEp;6xyB V{{$wMN4lL3*MV6>O`Q4vO#l&T?2`Zh literal 0 HcmV?d00001 From d983f8d8b3f66d24be0b3028a68dd46d6aa3cbd5 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 7 Sep 2021 17:15:36 +0800 Subject: [PATCH 013/103] Create modle_arcitecture.md --- doc/src/modle_arcitecture.md | 17 +++++++++++++++++ 1 file changed, 17 insertions(+) create mode 100644 doc/src/modle_arcitecture.md diff --git a/doc/src/modle_arcitecture.md b/doc/src/modle_arcitecture.md new file mode 100644 index 000000000..47b75f0d6 --- /dev/null +++ b/doc/src/modle_arcitecture.md @@ -0,0 +1,17 @@ +# Model Arcitecture + + The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 model](https://arxiv.org/pdf/1512.02595.pdf) with some changes. + The figure of arcitecture is shown in ![image](../image/ds2onlineModel.png). + The model is mainly composed of 2D convolution subsampling layer and single direction rnn layers. To illustrate the model implementation in detail, 5 parts is introduced. + 1. Feature Extraction. + 2. 2D Convolution subsampling layer. + 3. RNN layer with only forward direction. + 4. Softmax Layer. + 5. CTC Decoder. + + + # Feature Extraction + + Three methods of feature extraction is implemented, which are linear, fbank and mfcc. + For a single utterance $x^i$ sampled from the training set $S$, + $ S= {(x^1,y^1),(x^2,y^2),...,(x^m,y^m)}$, where $y^i$ is the label correspodding to the ${x^i} From 5d75b0fee855a566079ebdd18d8cfb4116044c84 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 7 Sep 2021 17:30:44 +0800 Subject: [PATCH 014/103] Update modle_arcitecture.md --- doc/src/modle_arcitecture.md | 14 +++++++++++--- 1 file changed, 11 insertions(+), 3 deletions(-) diff --git a/doc/src/modle_arcitecture.md b/doc/src/modle_arcitecture.md index 47b75f0d6..67c1434ac 100644 --- a/doc/src/modle_arcitecture.md +++ b/doc/src/modle_arcitecture.md @@ -1,17 +1,25 @@ # Model Arcitecture The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 model](https://arxiv.org/pdf/1512.02595.pdf) with some changes. - The figure of arcitecture is shown in ![image](../image/ds2onlineModel.png). - The model is mainly composed of 2D convolution subsampling layer and single direction rnn layers. To illustrate the model implementation in detail, 5 parts is introduced. + The model is mainly composed of 2D convolution subsampling layer and single direction rnn layers. + To illustrate the model implementation clearly, 5 parts is described in detail. 1. Feature Extraction. 2. 2D Convolution subsampling layer. 3. RNN layer with only forward direction. 4. Softmax Layer. 5. CTC Decoder. +The arcitecture of the model is shown in Fig.1. +

+ +
Fig.1 The Arcitecture of deepspeech2 online modle +

- # Feature Extraction +# Feature Extraction Three methods of feature extraction is implemented, which are linear, fbank and mfcc. For a single utterance $x^i$ sampled from the training set $S$, $ S= {(x^1,y^1),(x^2,y^2),...,(x^m,y^m)}$, where $y^i$ is the label correspodding to the ${x^i} + +# Backbone +The Backbone is composed of 2D Convolution subsampling layer. From 7e136d089326fa718bb0dc21b969da87c3314a33 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Tue, 7 Sep 2021 09:31:27 +0000 Subject: [PATCH 015/103] support no_sync for backward; ds support accum grad --- deepspeech/exps/deepspeech2/model.py | 39 +++++++++++++++---- deepspeech/exps/u2/model.py | 23 +++++++++-- deepspeech/exps/u2_kaldi/model.py | 21 ++++++++-- deepspeech/exps/u2_st/model.py | 22 +++++++++-- examples/aishell/s0/conf/deepspeech2.yaml | 1 + .../aishell/s0/conf/deepspeech2_online.yaml | 1 + examples/librispeech/s0/conf/deepspeech2.yaml | 3 +- .../s0/conf/deepspeech2_online.yaml | 3 +- examples/tiny/s0/conf/deepspeech2.yaml | 1 + examples/tiny/s0/conf/deepspeech2_online.yaml | 3 +- 10 files changed, 95 insertions(+), 22 deletions(-) diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index f3e3fcadf..fbc357ca0 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -15,6 +15,7 @@ import os import time from collections import defaultdict +from contextlib import nullcontext from pathlib import Path from typing import Optional @@ -65,29 +66,51 @@ class DeepSpeech2Trainer(Trainer): super().__init__(config, args) def train_batch(self, batch_index, batch_data, msg): + train_conf = self.config.training start = time.time() + + # forward utt, audio, audio_len, text, text_len = batch_data loss = self.model(audio, audio_len, text, text_len) - loss.backward() - layer_tools.print_grads(self.model, print_func=None) - self.optimizer.step() - self.optimizer.clear_grad() - iteration_time = time.time() - start - losses_np = { 'train_loss': float(loss), } + + # loss backward + if (batch_index + 1) % train_conf.accum_grad != 0: + # Disable gradient synchronizations across DDP processes. + # Within this context, gradients will be accumulated on module + # variables, which will later be synchronized. + context = self.model.no_sync + else: + # Used for single gpu training and DDP gradient synchronization + # processes. + context = nullcontext + + with context(): + loss.backward() + layer_tools.print_grads(self.model, print_func=None) + + # optimizer step + if (batch_index + 1) % train_conf.accum_grad == 0: + self.optimizer.step() + self.optimizer.clear_grad() + self.iteration += 1 + + iteration_time = time.time() - start + msg += "train time: {:>.3f}s, ".format(iteration_time) msg += "batch size: {}, ".format(self.config.collator.batch_size) + msg += "accum: {}, ".format(train_conf.accum_grad) msg += ', '.join('{}: {:>.6f}'.format(k, v) for k, v in losses_np.items()) logger.info(msg) if dist.get_rank() == 0 and self.visualizer: for k, v in losses_np.items(): + # `step -1` since we update `step` after optimizer.step(). self.visualizer.add_scalar("train/{}".format(k), v, - self.iteration) - self.iteration += 1 + self.iteration - 1) @paddle.no_grad() def valid(self): diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 0662e38d9..8ab9a26e8 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -17,6 +17,7 @@ import os import sys import time from collections import defaultdict +from contextlib import nullcontext from pathlib import Path from typing import Optional @@ -79,21 +80,35 @@ class U2Trainer(Trainer): def train_batch(self, batch_index, batch_data, msg): train_conf = self.config.training start = time.time() - utt, audio, audio_len, text, text_len = batch_data + # forward + utt, audio, audio_len, text, text_len = batch_data loss, attention_loss, ctc_loss = self.model(audio, audio_len, text, text_len) + # loss div by `batch_size * accum_grad` loss /= train_conf.accum_grad - loss.backward() - layer_tools.print_grads(self.model, print_func=None) - losses_np = {'loss': float(loss) * train_conf.accum_grad} if attention_loss: losses_np['att_loss'] = float(attention_loss) if ctc_loss: losses_np['ctc_loss'] = float(ctc_loss) + # loss backward + if (batch_index + 1) % train_conf.accum_grad != 0: + # Disable gradient synchronizations across DDP processes. + # Within this context, gradients will be accumulated on module + # variables, which will later be synchronized. + context = self.model.no_sync + else: + # Used for single gpu training and DDP gradient synchronization + # processes. + context = nullcontext + with context(): + loss.backward() + layer_tools.print_grads(self.model, print_func=None) + + # optimizer step if (batch_index + 1) % train_conf.accum_grad == 0: self.optimizer.step() self.optimizer.clear_grad() diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index 6a932d751..140ee947f 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -17,6 +17,7 @@ import os import sys import time from collections import defaultdict +from contextlib import nullcontext from pathlib import Path from typing import Optional @@ -83,20 +84,34 @@ class U2Trainer(Trainer): train_conf = self.config.training start = time.time() + # forward utt, audio, audio_len, text, text_len = batch_data loss, attention_loss, ctc_loss = self.model(audio, audio_len, text, text_len) + # loss div by `batch_size * accum_grad` loss /= train_conf.accum_grad - loss.backward() - layer_tools.print_grads(self.model, print_func=None) - losses_np = {'loss': float(loss) * train_conf.accum_grad} if attention_loss: losses_np['att_loss'] = float(attention_loss) if ctc_loss: losses_np['ctc_loss'] = float(ctc_loss) + # loss backward + if (batch_index + 1) % train_conf.accum_grad != 0: + # Disable gradient synchronizations across DDP processes. + # Within this context, gradients will be accumulated on module + # variables, which will later be synchronized. + context = self.model.no_sync + else: + # Used for single gpu training and DDP gradient synchronization + # processes. + context = nullcontext + with context(): + loss.backward() + layer_tools.print_grads(self.model, print_func=None) + + # optimizer step if (batch_index + 1) % train_conf.accum_grad == 0: self.optimizer.step() self.optimizer.clear_grad() diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index 5734e15f5..ef5938b77 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -17,6 +17,7 @@ import os import sys import time from collections import defaultdict +from contextlib import nullcontext from pathlib import Path from typing import Optional @@ -83,6 +84,7 @@ class U2STTrainer(Trainer): def train_batch(self, batch_index, batch_data, msg): train_conf = self.config.training start = time.time() + # forward utt, audio, audio_len, text, text_len = batch_data if isinstance(text, list) and isinstance(text_len, list): # joint training with ASR. Two decoding texts [translation, transcription] @@ -94,18 +96,30 @@ class U2STTrainer(Trainer): else: loss, st_loss, attention_loss, ctc_loss = self.model( audio, audio_len, text, text_len) + # loss div by `batch_size * accum_grad` loss /= train_conf.accum_grad - loss.backward() - layer_tools.print_grads(self.model, print_func=None) - losses_np = {'loss': float(loss) * train_conf.accum_grad} - losses_np['st_loss'] = float(st_loss) if attention_loss: losses_np['att_loss'] = float(attention_loss) if ctc_loss: losses_np['ctc_loss'] = float(ctc_loss) + # loss backward + if (batch_index + 1) % train_conf.accum_grad != 0: + # Disable gradient synchronizations across DDP processes. + # Within this context, gradients will be accumulated on module + # variables, which will later be synchronized. + context = self.model.no_sync + else: + # Used for single gpu training and DDP gradient synchronization + # processes. + context = nullcontext + with context(): + loss.backward() + layer_tools.print_grads(self.model, print_func=None) + + # optimizer step if (batch_index + 1) % train_conf.accum_grad == 0: self.optimizer.step() self.optimizer.clear_grad() diff --git a/examples/aishell/s0/conf/deepspeech2.yaml b/examples/aishell/s0/conf/deepspeech2.yaml index 0f465a8f7..4bf03ec63 100644 --- a/examples/aishell/s0/conf/deepspeech2.yaml +++ b/examples/aishell/s0/conf/deepspeech2.yaml @@ -44,6 +44,7 @@ model: training: n_epoch: 80 + accum_grad: 1 lr: 2e-3 lr_decay: 0.83 weight_decay: 1e-06 diff --git a/examples/aishell/s0/conf/deepspeech2_online.yaml b/examples/aishell/s0/conf/deepspeech2_online.yaml index 9f05d8dd8..9946852d0 100644 --- a/examples/aishell/s0/conf/deepspeech2_online.yaml +++ b/examples/aishell/s0/conf/deepspeech2_online.yaml @@ -46,6 +46,7 @@ model: training: n_epoch: 50 + accum_grad: 1 lr: 2e-3 lr_decay: 0.9 # 0.83 weight_decay: 1e-06 diff --git a/examples/librispeech/s0/conf/deepspeech2.yaml b/examples/librispeech/s0/conf/deepspeech2.yaml index 2c31e66e1..0e6ed5bab 100644 --- a/examples/librispeech/s0/conf/deepspeech2.yaml +++ b/examples/librispeech/s0/conf/deepspeech2.yaml @@ -11,7 +11,7 @@ data: max_output_input_ratio: .inf collator: - batch_size: 20 + batch_size: 15 mean_std_filepath: data/mean_std.json unit_type: char vocab_filepath: data/vocab.txt @@ -44,6 +44,7 @@ model: training: n_epoch: 50 + accum_grad: 4 lr: 1e-3 lr_decay: 0.83 weight_decay: 1e-06 diff --git a/examples/librispeech/s0/conf/deepspeech2_online.yaml b/examples/librispeech/s0/conf/deepspeech2_online.yaml index 87445c0b4..6e74f7042 100644 --- a/examples/librispeech/s0/conf/deepspeech2_online.yaml +++ b/examples/librispeech/s0/conf/deepspeech2_online.yaml @@ -11,7 +11,7 @@ data: max_output_input_ratio: .inf collator: - batch_size: 20 + batch_size: 15 mean_std_filepath: data/mean_std.json unit_type: char vocab_filepath: data/vocab.txt @@ -46,6 +46,7 @@ model: training: n_epoch: 50 + accum_grad: 4 lr: 1e-3 lr_decay: 0.83 weight_decay: 1e-06 diff --git a/examples/tiny/s0/conf/deepspeech2.yaml b/examples/tiny/s0/conf/deepspeech2.yaml index c93217d32..5c9436e39 100644 --- a/examples/tiny/s0/conf/deepspeech2.yaml +++ b/examples/tiny/s0/conf/deepspeech2.yaml @@ -45,6 +45,7 @@ model: training: n_epoch: 10 + accum_grad: 1 lr: 1e-5 lr_decay: 1.0 weight_decay: 1e-06 diff --git a/examples/tiny/s0/conf/deepspeech2_online.yaml b/examples/tiny/s0/conf/deepspeech2_online.yaml index 4205a04ac..e435ff969 100644 --- a/examples/tiny/s0/conf/deepspeech2_online.yaml +++ b/examples/tiny/s0/conf/deepspeech2_online.yaml @@ -4,7 +4,7 @@ data: dev_manifest: data/manifest.tiny test_manifest: data/manifest.tiny min_input_len: 0.0 - max_input_len: 27.0 + max_input_len: 30.0 min_output_len: 0.0 max_output_len: 400.0 min_output_input_ratio: 0.05 @@ -47,6 +47,7 @@ model: training: n_epoch: 10 + accum_grad: 1 lr: 1e-5 lr_decay: 1.0 weight_decay: 1e-06 From 244132c1c424a17f5c214671136b87f500747d88 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Tue, 7 Sep 2021 10:57:19 +0000 Subject: [PATCH 016/103] fix activation --- deepspeech/__init__.py | 17 ----------------- deepspeech/modules/activation.py | 21 +++++++++++++++++++-- 2 files changed, 19 insertions(+), 19 deletions(-) diff --git a/deepspeech/__init__.py b/deepspeech/__init__.py index d85a3dde7..3ac68a3b5 100644 --- a/deepspeech/__init__.py +++ b/deepspeech/__init__.py @@ -351,20 +351,3 @@ if not hasattr(paddle.Tensor, 'tolist'): logger.warn( "register user tolist to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'tolist', tolist) - - -########### hcak paddle.nn ############# -class GLU(nn.Layer): - """Gated Linear Units (GLU) Layer""" - - def __init__(self, dim: int=-1): - super().__init__() - self.dim = dim - - def forward(self, xs): - return F.glu(xs, axis=self.dim) - - -if not hasattr(paddle.nn, 'GLU'): - logger.warn("register user GLU to paddle.nn, remove this when fixed!") - setattr(paddle.nn, 'GLU', GLU) diff --git a/deepspeech/modules/activation.py b/deepspeech/modules/activation.py index 30132775e..3cb8729e1 100644 --- a/deepspeech/modules/activation.py +++ b/deepspeech/modules/activation.py @@ -15,12 +15,13 @@ from collections import OrderedDict import paddle from paddle import nn +from paddle.nn import functional as F from deepspeech.utils.log import Log logger = Log(__name__).getlog() -__all__ = ["get_activation", "brelu", "LinearGLUBlock", "ConvGLUBlock"] +__all__ = ["get_activation", "brelu", "LinearGLUBlock", "ConvGLUBlock", "GLU"] def brelu(x, t_min=0.0, t_max=24.0, name=None): @@ -30,6 +31,17 @@ def brelu(x, t_min=0.0, t_max=24.0, name=None): return x.maximum(t_min).minimum(t_max) +class GLU(nn.Layer): + """Gated Linear Units (GLU) Layer""" + + def __init__(self, dim: int=-1): + super().__init__() + self.dim = dim + + def forward(self, xs): + return F.glu(xs, axis=self.dim) + + class LinearGLUBlock(nn.Layer): """A linear Gated Linear Units (GLU) block.""" @@ -133,13 +145,18 @@ def get_activation(act): """Return activation function.""" # Lazy load to avoid unused import activation_funcs = { + "hardshrink": paddle.nn.Hardshrink, + "hardswish": paddle.nn.Hardswish, "hardtanh": paddle.nn.Hardtanh, "tanh": paddle.nn.Tanh, "relu": paddle.nn.ReLU, + "relu6": paddle.nn.ReLU6, + "leakyrelu": paddle.nn.LeakyReLU, "selu": paddle.nn.SELU, "swish": paddle.nn.Swish, "gelu": paddle.nn.GELU, - "brelu": brelu, + "glu": GLU, + "elu": paddle.nn.ELU, } return activation_funcs[act]() From 114563465b6bab1aee241438ee34a7f363f3ceca Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 7 Sep 2021 20:13:55 +0800 Subject: [PATCH 017/103] Update modle_arcitecture.md --- doc/src/modle_arcitecture.md | 42 ++++++++++++++++++++++++------------ 1 file changed, 28 insertions(+), 14 deletions(-) diff --git a/doc/src/modle_arcitecture.md b/doc/src/modle_arcitecture.md index 67c1434ac..588ccab73 100644 --- a/doc/src/modle_arcitecture.md +++ b/doc/src/modle_arcitecture.md @@ -1,25 +1,39 @@ # Model Arcitecture - The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 model](https://arxiv.org/pdf/1512.02595.pdf) with some changes. - The model is mainly composed of 2D convolution subsampling layer and single direction rnn layers. - To illustrate the model implementation clearly, 5 parts is described in detail. - 1. Feature Extraction. - 2. 2D Convolution subsampling layer. - 3. RNN layer with only forward direction. - 4. Softmax Layer. - 5. CTC Decoder. +The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 model](https://arxiv.org/pdf/1512.02595.pdf) with some changes. +The model is mainly composed of 2D convolution subsampling layer and stacked single direction rnn layers. + +To illustrate the model implementation clearly, 3 parts are described in detail. +- Feature Extraction. +- Softmax Layer. +- Decoder. + + The arcitecture of the model is shown in Fig.1.

-
Fig.1 The Arcitecture of deepspeech2 online modle +
Fig.1 The Arcitecture of deepspeech2 online model

-# Feature Extraction +# Data Preparation +## Vocabulary +For English data, the vocabulary dictionary is composed of 26 English characters with and . The represents the blank label in CTC, the represents the start and the end of the label. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters, which are , and . The represents the unknown characters. - Three methods of feature extraction is implemented, which are linear, fbank and mfcc. - For a single utterance $x^i$ sampled from the training set $S$, +## Mean and Std +For mean and std, a subset of traininig set is chosed and be used to caculate the mean and std value of the raw audio. + +## Feature Extraction + For feature extraction, three methods are implemented, which are linear (FFT without using filter bank), fbank and mfcc. + Currently, the released deepspeech2 online model use the linear feature extraction method. + # Backbone -The Backbone is composed of 2D Convolution subsampling layer. +The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. + +# Decoder +To got the possibilities of characters of each frame, the feature represention of each frame output from the stacked rnn layers are then input into the dense layer to do projection. The output dim of dense layer is same with the vocabulary size. After projection, we use the softmax function to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. + + From 67121245d817acf293669890879e55b1b61df607 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 7 Sep 2021 20:26:16 +0800 Subject: [PATCH 018/103] Update modle_arcitecture.md --- doc/src/modle_arcitecture.md | 23 +++++++++++++---------- 1 file changed, 13 insertions(+), 10 deletions(-) diff --git a/doc/src/modle_arcitecture.md b/doc/src/modle_arcitecture.md index 588ccab73..49de8e69e 100644 --- a/doc/src/modle_arcitecture.md +++ b/doc/src/modle_arcitecture.md @@ -4,8 +4,8 @@ The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 The model is mainly composed of 2D convolution subsampling layer and stacked single direction rnn layers. To illustrate the model implementation clearly, 3 parts are described in detail. -- Feature Extraction. -- Softmax Layer. +- Data Preparation. +- Backbone. - Decoder. @@ -16,24 +16,27 @@ The arcitecture of the model is shown in Fig.1.
Fig.1 The Arcitecture of deepspeech2 online model

-# Data Preparation -## Vocabulary +## Data Preparation +### Vocabulary For English data, the vocabulary dictionary is composed of 26 English characters with and . The represents the blank label in CTC, the represents the start and the end of the label. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters, which are , and . The represents the unknown characters. -## Mean and Std -For mean and std, a subset of traininig set is chosed and be used to caculate the mean and std value of the raw audio. +### CMVN +For CMVN, a subset of traininig set is chosed and be used to caculate the mean and std value of the raw audio. -## Feature Extraction +### Feature Extraction For feature extraction, three methods are implemented, which are linear (FFT without using filter bank), fbank and mfcc. Currently, the released deepspeech2 online model use the linear feature extraction method. -# Backbone +## Backbone The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. -# Decoder -To got the possibilities of characters of each frame, the feature represention of each frame output from the stacked rnn layers are then input into the dense layer to do projection. The output dim of dense layer is same with the vocabulary size. After projection, we use the softmax function to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. +## Decoder +To got the possibilities of characters of each frame, the feature represention of each frame output from the stacked rnn layers are then input into the dense layer to do projection. The output dim of dense layer is same with the vocabulary size. After projection, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. +# Training Process + +# Testing Process From ff4ff9de2286f2fbce9951890b4feffdac7c1673 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 7 Sep 2021 20:57:24 +0800 Subject: [PATCH 019/103] Update modle_arcitecture.md --- doc/src/modle_arcitecture.md | 18 +++++++++++++----- 1 file changed, 13 insertions(+), 5 deletions(-) diff --git a/doc/src/modle_arcitecture.md b/doc/src/modle_arcitecture.md index 49de8e69e..aa3f69a70 100644 --- a/doc/src/modle_arcitecture.md +++ b/doc/src/modle_arcitecture.md @@ -4,9 +4,9 @@ The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 The model is mainly composed of 2D convolution subsampling layer and stacked single direction rnn layers. To illustrate the model implementation clearly, 3 parts are described in detail. -- Data Preparation. -- Backbone. -- Decoder. +- Data Preparation +- Backbone +- Decoder The arcitecture of the model is shown in Fig.1. @@ -18,7 +18,7 @@ The arcitecture of the model is shown in Fig.1. ## Data Preparation ### Vocabulary -For English data, the vocabulary dictionary is composed of 26 English characters with and . The represents the blank label in CTC, the represents the start and the end of the label. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters, which are , and . The represents the unknown characters. +For English data, the vocabulary dictionary is composed of 26 English characters with \ and \. The \ represents the blank label in CTC, the represents the start and the end of the label. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters, which are \, \ and \. The \ represents the unknown characters. ### CMVN For CMVN, a subset of traininig set is chosed and be used to caculate the mean and std value of the raw audio. @@ -37,6 +37,14 @@ The Backbone is composed of two 2D convolution subsampling layers and a number o To got the possibilities of characters of each frame, the feature represention of each frame output from the stacked rnn layers are then input into the dense layer to do projection. The output dim of dense layer is same with the vocabulary size. After projection, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. # Training Process +``` + cd example/aishell/s0 + bash run.sh --stage 0 --stop_stage 2 +``` +By using the command above, the training process can be started. There are 5 stages in run.sh, and the first 3 stages are used for training process. The stage 0 is used for data preparation, in which the dataset will be downloaded, and the manifest files of dataset, vocabulary dictionary and CMVN file will be generated in "./data/". The stage 1 is used for training the model, the log file and model checkpoint is saved in "exp/deepspeech2_online/". The stage 2 is used to generated final model for predicting by averaging the top k model parameters. # Testing Process - + ``` + bash run.sh --stage 3 --stop_stage 5 +``` +After the training process, we use stage 3,4,5 for testing process. The stage 3 test the model generated by the stage 2 and provided the CER index of the test set. The stage 4 transform the model from dynamic graph to static graph by using "jit". The stage 5 test the model in static graph. From dec838be778f3336e21a8dd9a3bb5a93503e8e68 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 7 Sep 2021 20:59:43 +0800 Subject: [PATCH 020/103] Add files via upload --- doc/images/ds2onlineModel.png | Bin 125579 -> 90776 bytes 1 file changed, 0 insertions(+), 0 deletions(-) diff --git a/doc/images/ds2onlineModel.png b/doc/images/ds2onlineModel.png index 562e9505a45c0d2643bd75faed5afea8a797cf0c..c172e0623aab3107fbdd66ca807fc0ba6c5646a1 100644 GIT binary patch literal 90776 zcmeFZWmr^Q_%2STAPRzlgaL@8Al)J$-8}=+F?2T!2#8YB4T3Zb-6`E5-3=oQ-Obs& zzM;SC|KWeG^X**c19NTH%zpOT&wB2s*1ZgrmlemuA;m#LLc)`H_f`=J3Dp|-t2`|9+KP)PFU zS1C*dYzeBbt+51eH#--wLeTHslSg|%hZ7Rw9fV%|URPeeRX`Zyfx}~l3Hdlm_2%Bq z$=Om)_?ky`^-i?YT#6kkQd&4k^xT1+k4mAWmTtWq?Qi}knjnRiL;9*^qxH9 z<9kTOT6ztho5vVjaUHg09c%Qu(Gd-7c~FY%egB^9+Q-Q_EGMe-4~#^H$lkdko98{H zA0lRgi%PKQ2z1wFH^)18mZYtSR-1n6j6kH?i_F{T`ToQpuHVn(b`O6 zX?Ywi7iMlHX0m%HYxgR)giE70`_bAbk7vf}Wv|~v(~GY3#p*_za1=i0*EE9L#Fd;@ z*JV#U>R;>l&|k#G&uTK(p=CrO@zmhR4*goY)aA;c-uTna5OWIMbVA!_oUo(*_<|Jr z_r2{z9bIP2)*kN09%+Wx%?!*MOuAxKy(tNc%%z`8pBcK9hV^jQa)KQFP4k;}A7LO< zJs$LCE)vytL^80kE1^l))qV+jvXr%7Vsd9iVtFVQr6LNwZ)|D|!@CRac>c1kp6!V5 zP41}%nc6+1THDrBv$1w#Wa}|PiE5iMBcB=kPfw7NEX)I6xJ~&dySGp^V(be&%0{(F zy({fatr+*r8a?@46qM@DTc~rWb zQ(>3kOd&lGZjbY1Eysj(>i*Uzd?E4l$)AQl*?;!^w6!O%LH9uRAmsl@ zA?np4&l3O8E(q5@FtFvDUbH?AOGd0_FLtk}w4l+$1B%aWxq89HvJ*(=d>nYS_iG>3 zVonEbH67~(6zOw4mL)e1v1{>LRIg$HAzN~8vurcK?s5iQe574;*sX9DbVt$l9%zYK zBHK0I^*GHswedmu9=7lX>zOqcJ(d1b13Jl9YF8?WaN0gDNl2s` zC{)OA(81|KUr?@Q+p5}1bBD}mR^wC?R|{0D?W4JfxcFb{oq^62&zAScS9M+z5Csv{ zJy6Gi5WOUleR=0a5S`)!3!)Yxwg;T_951vL+%rEYu`2GXEWKEz-%{f#eEn8b;V5TL znZp6~2jCeo|ytG|V;1wp8KI zbk#aKcwE38#682Eu=cudJ>fvu0v4Y|s#YLhpi!W+RmvkXtHuxZsCCUd7r`s@k84K> zUL|#7XELix%;Ot(U~;ouoYA-2F>Q`FioX|6&wc`NgoK!yLe3!A<&Kb~ao3!J+^w9X zOmLcqnA_Wc++|qHINcBKyo1EdH~NFDCWd9WWeQ-KStM|vWw~YOc2#n*cA0jvcIljm zN16awP_*%FqmtK%PzP1(`zYb`@BAV@PiDi6t9puhc74ATE9CzWOIJ-dZZ~U}UIs0T zEo0IU5#Eh3q+zG2lrGM+AGROn&*bcV&xXmCtl>B5U^g-IBhjj%qi!5Uf6@F&QFige zqUTzy45f@@jF<(=1wIA)`I-gVeQdEYELInFFqip!@_e@ZyXy0m3MJTOU8Sa#F8UCo zo{EB^dPDKzgHkQXxY5bf+)Og0ar`<2b@WNAZn{WTi<&sC_!s?%<&P0irEsN;VI*)I zh3vd^<7SY}v8^`3z56WUbGlS?&#M?g5F>aPOa@Bn<4hh%@_K(AmXJ)=Q!pj7A!{dR zI}c|%8a#UMGUCj4JaV$)JmxB37|S~JFyK*PU4H#rZQ42k=UV5&~sO(S|GaYwyBgtD4Op(H+?!e4|}g+qP& zd_=!*J+XfGzB42Y^Q-??pTRK}g7!Pp_l{X+xZE{P2XKpUn@N-zobT%r7QalR4=1gD zUh-t$BT{W-Ec@aI&5!V({SVJ#TVu~-?-mObw-panx!B|_!`dLN2g}p6t8R>{c@P%ax5w@BT9PCvKm_?FUBm90ktth!{6(YFBDEL-@;C6@(fd%qSnGjand~ zJzTBoWpO>V=x~kL7$Y3dD!ic{;3?$Vnf0H*+d9)cL+l4M9NfT)gxmFy=ZY0>W^omPaQl0&JP-46w8W!uBEPzk{~0b=|7 z1FkFQVL5+6mE_dq7v@k+)v}<9ea#GuJ&Sr;R5{0r+KQCZ$ql$jmc5)xqAGX&(Vac% z>$t$uYU2)`59G`P8OdZDpdptV_n9*-5@OKL>WB7w`_zq6@Y;u9W9C}0fJ57AcURtF zUcva|!g70F`;^nR#TY{V5Prt-Bv|FFb;FN2-o_K@6!H1$1OZOwS-rWMG0LfVH{SE( zBxo!0I(dJRu@l>NLqm**)#Y^!W-O-P-3JuW0z>Y~2YKs-eTw4i>%uADw>!Rs?%XX7 z(7vR(-s-WwChU$F%Hokjq)ZC%vM+JkE}u2STbMsEx9bpJ!cN^*=_AwxuNKe5PfTWh z?m~Vb0yz`ra~t^&`>(-p_0x&;lenD@K_XA(8}*aG>l}pLCOm7or*WYn(u4hK>YDNA zv~OTh+Nb$G9* zSLdL&1YuO%}kiZEp7few|y z=Qtq8d@P~wil8W-r2|>c7{Vw_mz_R;NHh z5<-%AE3E8{yg7?r_jq)&V~=*bl@LW375n*jY^FA_uhy5R=r}|;L~gi5F;5v`8CA7P zq@Xuc(1qu%5+Co6yA0fX&{*4^tEGUQ7wFm!N#s6Anyf$Q<+hVeZ=!zo#2X0( zi|XHx$ahdIDV1o9FqfXiCs`acBq2b_e0%u^ zXlD*IaK$?f;@h>bWo5PQvkTc|2OH94?n_TwrcoEBdVcp$^*0VS{C0hIxK2SFJ-cLY zk|!yj@gc6=TC2+rK|GN6J3L-wu^MwIk01;7Us=xK+^h8@k@&w)V+bc`(N&;8X2!@M zAKH_##%Rea=W_4AS!QEEiqprUso>zk&r^^dQ-g}$RaLaiz| zccOECX7H~re`!^|3Q6V#F6VR1-)2A{l=>V6&6--*=-F?&r}7qB1V;VH!v7R6e;*m8 zDx9VC-k%bzp+QNpL=D)szfT|PPc)Hc1^1ufn`TNAN^i<|x+bpr$1{*nj-Cqy2U@hDy`k&u20aC*w zN`?QBN+k#lVz)js?9s%EOlb%S@-;CV=|5oizL#bFW z>7>BLrhbgJtLYe`gbL+|dbb&uc|wMB)&Q57q0^O+C&1y_vh0VLMq!H&7O*5uo0Fv$ z?Lm*m8a&(}!24^d2Cp%ky$iym5KCJ-CPTeOEa3G4MR<=y6JI zlqxh#D^mFdX0Nl)9#==>+%fMHEGnLO_h9JMGoXS>6H}6m6 z4!omTZf2MVtI6Fe8% z<$Ljc6b-EG=&cF;(DDunH-@btJ9vNjVoSh<*ErZIDamys$Fc2!n)+vA#vxeCom*i< z3x&=vzS9GiMqmd$=;vk5gguR7?nvacH*Ny9V)z|N} zlN~Sk-qpOhzADuSHYDiOSlC)rx{olQ482{^SMDN6BrU#TUjWoV4WJbk(^J$jpm4sp z0YIBip%*)i^C3JNFSN=`6oMIHjo0UnO~{z)h1&I(hfhTOCpsv-%zZKMR;&+a(MDfg z9t>DCc_VX}Pq1it9E}nVyZ8zfqs`sKBf-?8@sjQ$gG4BiD?niPBD|hYFab zcpPg4o4VhcZyJCt1-!Z6zu3n@33#=*vuu7^JtQ(Ss%9U3S0Iw*DYZSdUK zbelhr4xipm`UA?N6zKFfxh!i9?f<;hQk*&+2ObJH~r2%`uZ8A$_n zy;dwGmUnM}Nr$7eVpwY(?S$9ir`-Ek?@d8L$?IsYdQt4Wx0D~P{{)RxQK%2bnv@qz z#>v4x`Sgjm&>k9*iRkcR042p$?C6D2U;HG6+vXxKKen2DLxNR<%jp-jTl0DXfLV&6 ziwy1MJ0av59Qu5DVYgP8a;>-P_a6K4M#wmf!*Ygexa}!6GTNtSEVe71Z^ddPN`@rq zsRiKsnZ^Uj?8KpKTKX82fH&JfcgBEi$RQ&E*P3Xa*Js8`0l3f62wsFV$q8N=*sb+S z7-SlS#aVuPPAuzMx>?dQ7W)QC&DZxXVBPnqyg$F+B?i=*ZGh~cH3tLNO3t-?nyLh5 zJ9%PIwVs(UWf%iih0MP;ip8*+H%hQD&nu`X!K83b9b?V4;YZ|`nwR!*lqNaNP0qO@ z3N(9Io_Il5)*^ZsD?xK{4(o~sU!s1bi^G#h=%0EE8R8CpC@BeLc8d`c>H}%J@3p&V9bF}&nTaU=X!GK_8ge(u8LhN0E z)28Do2s2{5P)Bb{NsfON(*vK@{c^9vaZngj16apqiOjvOH1JGbL=b?T=W7RDG?`IHrk~(x%}KZS|?^l6rr(8dC@q zfFxa{Y$c~G`t3oaQVziDv>OXh$!9kad+?IPqa$K&!(7~BtWVItfF<-|FjFRB*J7z$ z^fPhbiEBh%5K7ewY3hn$_(ArUCzQ6t>Naf;Ao*+n@JLha&R9GzPf0%$HjOSUh}=Wt z(278UVFej}K_6&}YST?6_!V<5X^OsMkWBy%belGtZnmAw${ax1wiRxb6Ypk`ufulT zp^r3l`bofJz1+ZHnqX#PS*0G|XCYiqc@j?0amuXb=MI^rbCG2%RUh^D9LDpN^>x!1 zCYn9~e5_Cu4v+@8-5_$X<7LL*%kQ9JSp7;_vT2doeJ_EBZUPRiGK8G>TsS#`bF|jU zN{O(G((CfaNTl2V7fsfz)BNm+QW_82`e?`r~-K$6PFX z+zFhdQ)|`m5Fe5`Q8(VRxCStlh4mhvV^`twdz%3N(KUsld4Nkic{0!L9k< zVluDzHGrsJGLg~lqvWmzWvXerw1p>#h{3a5y$}VJW3hFB7D)%1MyVEoaQ7AsYvJj` zI?;dbvAxH&k)6(QJQVH5* z=d@Y-VVOyWZdO2*e%@w_OtqV=Wb9_jdh4MA=bd9ZULJt+oi%U4<2<}^J>E1WrQa^7 zoZE*^FMRhU>_G%4d$=t?F(0c5WREGv@$?W!l2Snu>FJ7 z`_^5&fu^?IRE3pGG#-a@i-$p=_)yb3nLqb`oSa2{D8F@TuR0#<_a$%+aI=k~gaJOU z3I$S79_<03Ka+I(O}J~Za_}rBrMvt)j{MI;jL?(DWWB{kO}01!dO#)W&(#9}Z>e?+`n_y9DBA$v@Y+C%l`z4|;SLaP3kUSR zaH6Qtr|OcA@SUB(Qz~y=-XS+wkvYN@V|%M|zQW^Vwz6H16xDiIhO_+YWPTn z{t85|ZM{x?YaYT}m!?}cOEHdR>)?35V(P8(T%j%pYiG!lv~tPj=i_CjN?IOb?$(Rr&0UMC$xED7*iiq7qB$W2^^uX%&yH~p0#i(eJVe58FFA;t&7_j`icm4i> zL={e%`Q*@;mQ{UFo0`;J{)>uP$LTZ8YUakvl6Ibr(QqUf1~w%@wi$A~yz0@SG5qiF zm2qLYiU1a^vk@vo#l(LVhqa&fkuZ*0$A&9a`Y=L5ZXf@Nnd?r zoTy8iWFLN;1bBw+Twh&~c!{ihL_#Tk(0O_XWPTFl^KbYE?(`;EcvRKReb3~L26sm| z|L@r@6o-V$J8u`Ycl-AONoW;|ph=~_*g)<-gaWJIjE=SN@)D`k?Vs7)I#hXXlt*q~ zgSIy=bmYnb`wEfGJ*amrn#uKw;fZ-7$A{n(_Dt%kR(>>}ella#$t!w|*Tp^{Gyc;+ z>o{*Zg0J)j+#F#?H*0n3rXy4A)Q}i%=~%F?ktD?ppPclV=N+F?wSTj{`g|Z;XWxy_ zjvFrJ#$@rMa(m~^e({Rk8O{n(Q`C;7JS!T(M_-|IE~0Q&AoSUw%`A-E#$`%q-`I0+ z`jm79bqV10V<{nOu}#?$cG5SuTK+2_03VU*NXt!8%L-qm@o07zQeSya2bkBt@r{Dw zJqs)J?$;T0dE9%J!2AU9OG)y_C?ic#S5MNsGw#dxO;2>$T?v{kN@nysexfEwZq%RQ z?mg3DP}%>b=+sNVZ*}j)%BNx6cOK_|Oqu!f!kV-YE3#DRFj0jT1(>FZI`ZthMI*@; z3e<`ap$r^A`5Rvh8*T4nL71DPlnFa1=j46IZAsnIGEiIb9XxZlp7C75Z(?O?R!DMFRuX1S&+-7S{SL<^UU9qDi4a=}!tsMO~TQ{V}&+vEliZu7W{x*f&g z%BBFK9pn_3rWPgyhMRy7UViij3#aCzg^=QNT zs^j`ti>GaHf`sC5zSZV5_cgKdzbC>4Tr5FT+hLQ!W;6QG6(BwCmvqcq>0CIG$k2Ec zhgp^!h;|?7^aHTCBaA{wYL$2G=+&uW1T(7{w7wf`YCghVv6Th7dylrBiV9PyqQqGO z(`Qi)h-iK)KZX*F64PDtfe0UZ9~*SkTFG8vKh`wIE^vShwIv2r1Wy;4%oSevF03yt ztO?FBj!|{&9HSp8$2tJu0u2I;!|=J@KiRVoRlQK=RHe0y+2R{)ATLfO0CfN6P@UxO zALMFN#Ta!1(>f|b0&p)0&7{j>z4zbU^w1TfFRxAeKLy{GLvqMw3;Q4R*@4XVpD+jj za|B5FGl-47H|2bLzM zZIa>-31L~lXtH&_|3B#Y3rCTf-bk>KCG)#~Na$1of|eYY>fes?@9!jUSH#SwBH#}R zD|A9gF|?2Kes@GjC>g|5-t^^M(|=0XC!+H1Aq*M)T?F-J8mk_ti}LyR_nK8sZobiQahOZf5;{nxXy zu>f6v;tJY)`wGobz0&Pf$&~UV)y2gB zjD{(C)AZ44!~&jQ^nNFgx0c}zq(I>dha|`EFDvf~ZL+Xk(Kn9tY%wo3LD9gp#+l>E zFVX$MAuaaD4>h6d&oE;gea#DgqVS=r*(IVaFiKHcYLP!jJpqrg(GdmuuWSTvf~EoM`5-Cs&Yz>_KpmAw zsb>3c9{891PfUPK{l5tV&ftGf!><`#Lks}>!BS2YiV!oZuc;^*jkeI2NqAk+)yPn! zptLqowT^3EusWrAg3q{l#GExDnWTAoR!tBT$1_08fNxeXRP3OnRVuE9D3P|)Dsv7D zK6ilyC-RN2F>2~v;Hi(zUAyMWSg*c|iiXV3XtG-=LR1ORI4t^~-V~1YK9p9^u#=k3 z)FDX_F#gKV?W}i4Qu^Mn6@LK(49kYU3-C%WrGwMWh@SBD3mX* zc83`#n`W;&910*8(cE;8UAH=pM_aiA9UM32+hk`wRJ1CT@>#jCYt_-c7ax$f<9agd#=)PvElg40DdrDlvuvV>zgUz5Q0yQG00u4^rO zXx6Lt-Y;-(ktfszSgWL1pFiM_Em5>iwoTyVgB_#Z<-4L@i|N=Lo#=doSp$_SHI)@t z96EF7g;hZ*`g=S1S*ooH}qo2=LVS5ytiyCw`hXNGzR($ESk*7&1KY%MQX~6MLa9h_;2>mYLBZa z&D-nR)=SI>*L8wY3@aP>hWZ7q@vMruM1u`|iNk__Wsveu0T|yGE`0>#S20bwV9lwh z#+@DC0zX(+nomkrfVAXhE1W6S*=1tjxDr}#5rY>~PTYv0#0X}b4VafM7o0nC(VOJQ zIDCg@J#Z(^$9xsxD&j}u2K@}eHX7*d$*fu zQ^&q9R|OskMq{j^gk7!8+kMlp$GW8arXl=CT~@2(hg%np6@ojHJ+4*p4YS}!YMWD2 zA+;7J-D`=u0(eKcG?~nI63ja`Sq44n0JL)q7H?)&vN>^_x6**Gt+uUDKhjUshf$_)Z1*T>WS z*$K-Go-vbC4c!GXbWjT=uH;`?=pYNqNE3Syua+nhl$ChGeiXlAaf93g8_uY1?sQ`% zJvEdo@?kG?Pjo^R4o9Q3 z8Q0;NBaG6XDX>Lw^43hLPoG6|q|0$zY}|1-Nd$x;>uv$KZ>0gXW?GZJypq~-nJ}}z zGGr^7!}!QAF#n4TcWoua$gOs2$Z|_-;>s$t+!sVR(GT;D^}2Bi$`OmY&EWvhJqAFx zWF7h98IZ0krw;5}+@HR%Z@qKjqI&*b68HLoTutPpYlz~Wcs13tm~RU*rVir~hOr|# z@4%+VKGcq>xR)ad2Cs(LV4KF9^)>8{!s=O$eE_MaN1nvFVA&_1KJ+Jqe43+DXQqOu z>b>m1AbFXg9Pe@TfO&6O#zig#bD{OX)VfR46G7?HGh9?&vw*0}MmI2v^Kzcxxn3@2 zR}cOc!~@j8Hd6|Zx`jblUFUptCQo&I=P8(qYR1@g!7UEj`)8qS=4*AL z6|+3EipRTgIfzd6d;vhKQYob&R(=*tm_w(}||9{$h+vi`QP)vxARCOE^< zD_e76cX2!(U+G)9ZORzW!HU;HfMMk-W_|H_z7$+|+R0=$K>V_xR1&jx*PH#)?aJv3 zBLD68X)+PoNd+c#zO!xS&B*Bh>NWbGirtyOOLj2qRO1`2U1~zI*I;aLrZQ&no27$O z-DdNfZm(atNUQKdCA~jaWHeC7A)!zcsKbV>T9Bj*(&_YzKb5$5%=_aGvT6Sak@{2~ zEPW;&|7za#nrBmpm(#vkIDrWsATk(+o>#TEbGS23oGg%cBnDTdroh6Y#uh zt1n|<%@m3WE>%2w$UPPet{gOg$ly%dZ~ z(o4;b39ezk7XK^zNxe-iyAP`5UjpTx5HdQWu43u;b6LTG%Yw;__*Z6|)q3oqy%n21 z;_ZoK%RaDzitSA`l_L8JgejZ!#;(Cvvheo}Zli{j@FM+zELOARWl!= z{12#pg-d45nO9SFg$dEoZ9jJPU$rm!rNo_K>At)hXW;Eb(wk z#56C+988yic*bT?#@D4@4-VJqrh6fN8k{i|T-rIu3pnm4wua%JKbFxY?0!(nkTr(q z38n*a##7$*)PSt=<7XtGRkiv~K^7=V;+mYkAX$RPpRMAMdu^Q+B}=AC=9&yvUHH!; zOr>&4XUBpuNiuh6ds&b2a~AO;$9|q^!Cx-2x~eehUg-F;dT0+jNQb{%KjWl6Qp_3Y zX4eRUWtrN|7GdkgZ@I3SUm;E%$w6?s_2HrYRn7jxvsajZCALs!pefR}%%va+OyX

nL1St7V^hWeH!i#)H+N;=vJ>8wc@1LqxUq z!-xo1J3hmXsI8Qa0t+{T>>ON3Nn}8B!DpJ)^rj87ag|0N@vc2krAJt7n`Mv4Txpzm>QYvR z@TEzx+o6IOCso9cD``H(f@*q#1CM`VE-T^l4i>8@)xK{W1^6K&c-Wn?!+6=V=t9QbOb@^}!F z@bdB|u`c<@PK5A9PA{7gOe!`rD_i!39yx}vP zGjrD8^@{!VuzLP#S;}vt42$De+zU-o*lzpg?f~Ft6xzZ7s6Mq8!sJ{*w&J=xmvnic zrEt%ob1xkC)ArT8i4?o{2`bFUvhRT>gyJDAFTNhC<`HX4&RBYKKD+slWRqcB1AH=` z&rPIx~-8GFT1t#xiTPmX)D8ZC76i<7FwnWr6E3=1X;%R%~}29jzdyLXDl449U6 z`Go~R7i?^p-B@ zeR18@nw6@@osUq>Gz3;27kcWxt&+Ii6NTmy0Pwrfr2#%(8QcXF@fL;N!Av)gd3sC` z!Qr^!PPT}WdcNu3Aal?@)?rbYmB+8R@Vc8nCbPIlGHFC=bpu9Y`3ceN^^HuAN+u(v z+`2p{uST0UYe2(*@TthF=P{MlTCh+zBiZGxU>klJPXM$l$#g9a21O+ZQ`>wp6L|Oa4QY_?7J`2LQC8yk)M^m|y??)s&Y<22AdOHNhnM?|q_d ze8AE+xcWD#|7n2TTB))(V7KUx-#Q}yXMV_NxgtQTiYJ84E%2}M;qQ+JR6v&q8S@MH zKbr(VxdDJOFJ!q_`!?bHXBtB2w|gK>!UiP2Qtw}Pr1AjSQSSfM(>1J(QOc4nr&G#| zv^ab5@Lz=>p{za!v?nW`{;7MvpLb{Cc-qP;iPx!u30yOgnP6$gT(|q?0d`Sd6b*~l zwR-}eOG#f6Z{?6<@YUZtPEgkSKr=VpR{>Ad$MyrZG)O!KZ4jk%n8w&RCur zbM48T8~x90)f3nU=rpiTzZqI+$#ds1*C3DMrimKZA3`7p=;AvH8=4xMP|vx(Q6Dx+9ujB$X5>6LR;mIhzD3A>;iz zGoB~2PRCueDW{}3;01pP8M;vZV|6z`Jr1&-M}1_W>F8nO3ImqVukuGc2O4LE`y=!f#J zp`HNzw3Esx{c~AlgcNhV!R;3IEnlo*>@w9CzeG*PV>H=qyE=CJK^x2-YGwi}?6`M+ zxUK|mY`ogCit@~!6hzAf+8MB1e5aP}e5OlPEsOFXKY7Bk-jZ_~u8y@JQ)M|wbr@6{uD$vr!OcAU$<=VNkYdZ9!ZiI0*y}4S!?MBvu^@RR6-*Y|D5s5bjMeb zfb-9A=7!U!l@F8{t_r=bdIaHFf|={#@xi%Wv!Cc;CIBVEu%<0mTMQ+^yd<#Pbhuqr zUDuBkUeb@C;CDSW=4P%xRJ;J#SRSQ|0J(}6F(e3V3RkSfL(XvvkGH0c>$PjpA7BXp zjJkCrV}5XX2SBVyE;pZKEe^4C{5dlRu#D~xbEOax)tMqe%`9MraLdtFmsyALqm6Tq zq2P2SS?)H+Ny8WnuKVWqkaN17+j#7x|5hE z++SsG58Y|J5#T!inT|Rh$;HDBKiMvZHjRd@)@kqK+*0Wl;<+xmrebz?AXSMFY=Wu; ziR*O8BZ4Y2|G?E2Lua5#=Zu|QDR>`+`hj)dvn$G2{*#%~c1OV6ZZKeHaVc4!7o|;q zq=|k9CXI+0r`*)b@W)zEb{xO=wy2F*>-5T|oThDxd_PAVicLs!x}1SaGhWA1oIx!W zjRsTg9`MtETds*az+qAw8fU6-R={8=(U0>PLy>a6PZ=3h zcISM%Ta?oQWUTi?qfQ(N`Vf2Y!w}fzizNNRwMoWIYP{~z_U!b4k~nQ#czdv&aLUfx zHv{8s{5f>-dBJ641zHJtUwW(QOlM96LssRSm=N4t{BD`w=E#nMBs1;DG>qeF>2&W3 zUKTw_UpL6yTIIc2&q}FC58>&)J|AzK0(cgY9Ay3Qve&)Y#>fsEUybFD%rmc(?E1MK z0iSnqP_B}vdOfLlgpM>Y z@1~|-q}i}JP_2J@0R*bI(j_lJLcXr_rt&M&U86N;qRqIgE35Fn1Y;O?0=e@7H2P9p za-ciMSmF&V{UYB*rPU}jT2>xDu>&7EN>L^kEs|?A+fgI)i zgv@@r!|4Sx&))L;*-?QZDeccjf?4p!!#AqM@l3yxp>G%%!;_pUK>bmgWDEz`Kj5rK zoa}PFa*s3+^uS@J`MNPan#h=@NIIqa9sE-t6f^AkKLh(n!*}QT zDq!K1o~MhRllBAeJOQ5o&5M)aqpj)ZL5y_vkK#Po zJ=P&7xw3=W1t+Er=$kc!e2tG2k4R?6A0N+)CsZ}dMbzfN6-6+|_4UPk06*8x+<38F zYYgIuK_BwqwCj52GAS+dBE2V1BHL39B(8UDrD0D2bg)wE(6ga-jZ5G53FOtzNg|Jw^yK;?18;zJO&GG}MLOM~7CZgzO zZ>hTg6Z67mL)B4#q8b-Xkf6Hu{qgeq91Pj=M=zCPudh!UFTQuR&?J*~PNOF^OrKfD zt*EizC@3<1JpMu?2nDF23H>D0qeyw&y5KH!6HiCy&4`#$plCh(VQj->*y4-uhhR?$l zd6@#F3;4UgI`X9~i{iNmnC1HlxnPZWs3=evej|GDGS%_4=HrN8_B9ed>FZ8FxNzZU zuq#-Cq*HREgkMFG@M*AL`V(|}CsK5;HLLVHLK?b?=MWg5uQ?1Q zVH`6cOyTRy-b8M@O9D3IL>vElz!Wpdo|-Y`HGZivjYtG_NP32QdL5bwoz{M-1D$I0 zU5^4;P0I*hJg}j%N05raMA4D+R4Qk0nn*o|LzrDJw}6z}_8YlP>%B)OoOc$0v@+Ro z(wdJecrxP~aszn4`MN&Y&QK^8pGx* zoD;TLTWMxWC_u0r*7=#^C`BTgyQd;kOh%F3|7PQj6p2C2!{OMEIf{o*8TeAt2fmx; zb0#I!boOxg!AnpY0B&h)cR|AAb6FZptI4%EOYVNSJ?o^*xZM|=nJD|@>?0wrIki~8 z_iw(3X;j{1H_4DJMN%&TWYXX0D;HCbBz2mUwu2m%W$GhY!H*$vDr(?Sor&zObe}4K zUpEaD1lv2Zxs@I6;by9l_LvuxH>ctP8Y9)R&RHOK>u=6j*-A)w_DK+&0mIQ6v!YGu zuHclPZr^cHx!8GC2b{O#u7V_dj>}2CIbfXWcX;1FN6ppGH)8x7oM3Yv%G3#haFj)ohQcxHtq4HEzKR4^N z`=O_S)-CQ$TD8wj9Qhm*3LHBJ*BM1LCto#O?n@=`IOJL}rL7so#hYdJXp!_vZh+;> zUD{;XjQbBYjD{b>CZ=f`hj2as86`D)LSJNa0wzyP)JTw;jGKyYlAK~h9+0Zd7Um*- z6}S(#Tg=UUr6OaR3v70RWeyJ$qF*}W#wgtV0Pwa8;umBtlB~9>#_&+9iikCa)9AL# zm#1Q^=bJr(w{Khdz#a&o?t$euIjmUuRZE{dvDpQCXmX6+4p6U8J_#nz`uxNpK3r~y z&8kLytS!=v@ij#lB8fF6UlEobBK4PHt@=pkVM3*mw4LexYfIr0q$?F7#r*@Bg{)ajRKSI$!6T{krN`8&d4ld{PgrJ7&Ro9#3v*W3gU zahWV8J!|e`ZP7mL=sFwfZ)Fxoo*6Jn40LC=p!1_<$f}J$cjsJ-YBZSxDkpb1GEiD%RNG8lvH}T1 zY#}oDTCD!%0X4g7@3P24f|}w6cNtv@jUvfFw2|+^vC2Rpgfjr&oiOgEl|d_x)ez3PTaOV zSu$u_>?wnsHL`Z5OrYByiq~cex}6>=>sr#$GDTfN=G_1KP2KlBvHutI0Ws@Yy2WmJNpb+ORvI zh@K{gxA&?NFddlk;+P&Dz?G^}Ym4wegxyW-*toRR+F(pUDA^46UiBbn;(#AciDv`K zw%CUofpx17o;L?Fuu8R*P{czT>%MPnK!<`{#{2|ePZ!#qt?Xoa9)O2kZaAA}`LJjD z-ZWkV)&BZ{J!cS#(=w~Ih}dZ(zk^ZoYHt9g=LCF<=e*k%k5~i=YI_??{DnD1wO_JW zF9=PWqz6mu7n?rLw_nf6O5XQ11sXCxGLvZ!BsMan`g+4LWmWL}wg>(7%~m6vszNZp zqe9)=p;cDlIX3a{MxUe}Yyd&`gk9TgF3%_=NAYwfA-PK#Ph;XtDA#aUMu{=OY>N2L(|_&!zL}8O z)0^9)1tY_%ofR|appGZkkFE7<(3##Hv^nr+VZiJ@EC5Y{gTfk-on*NlSGDk+edBsP zWL#ST67P;&L)tJ40JNhaxN)TWCA_0A2v9U|e|I%p}D6?fW^k&Pf2huSt ztDsE|(NVT>D}fo;mSUBKYd660wEB74t2Kb+Po<6W`YVHlAFWm%CNfF>8AS~S9_b3^ zYgPD*jfJ;;)T8B%uESEJAO^6)NK48X7&s9y#Hcv3E)sx$BtlpvG%{04>Urv&X6fCl zM{V8y$oLd?DaX6@nvB)pqv>VNEmyyv8~)gCVENQ$+II3uQV(EI&P;hkWejjTVfTEH zKMKiqWz7kjX#d&42`kcQF)uqH&okeSV-<{beY7o>_Rj260e+0O*Oh}E zqkwcH_iZT?BlN5-Vecht#=rbPprGZ+-xnFI>X+y(Ki;j!M~Hn6&m-p?mr#}ERM#vs z(RCf;o?o=zpS%Ew|341hlU-Bn`;NB&<*xu|SHgg_6czWi#llvp%Rk-d)J^o}F$$~t zqi9oe`Pm!Qty8nS0;AkGyZV;3vb(wDYFpZLO6np&l+V)2l1-AVHm&djIGRMM7_g7A z2EgS%U1s2FBn#Nw9?fEM`JJ+V`(vP2`jkfF_f|S^rWGK`s-@Jd1pgs|NCD_T{eKBY z26=3RbN>D`D*3lS6aA@P_=7)3Q-Fs1QI6EyZxaJ{e(nJw=F>-sKTp;Qc>s*s|Nj#n zEDP%;Vbau_4@xi;l#Vqd%<8L*J0PB1q85IlQNr~5G*(^=ezSQ78869k*qLZ{Ju-oK zL|Z}n;uX~*p6N3XTM<=7LL_3URQy8{b$2|u+tzw@5)m5=f9xn6y%?+!C7iCaGS)JV zIv%T1NOzsNuMwk31xK=+^JzQo4Infh`No~WME?h;82T7Zbz^Mmc&aL(+L~c(iZ& z9k;Y{a{%0=1a2o?y_O_^R3uWV0Yw~scvm-XK;D!yxuU-ll&5e|F$o+lj}S=8Hzmw9 zT=pQ9cl}S67)7|%6(!7BR;xo6b*Fi4GTr`=noR?R**w;l3$0h z{@n@bmVPheR1ZTOv#h&nj~{(=#x;1*WSZ?=R4KuKkZBYFfa~Ai61=cN23I1^!4l&K zH89#XEvh^u+2uMv3G(PcbJmfC-w49c{Re{%wXpdXqI%fftUXd@Xg&%T-Viy>5r@Pr z^X?y^xAY3SGl75pFMzj&^XcP9doTDiq=`FUdM9vODd_RzJrMdIxBQQvY1KV{m)}9< zjg2$+-{}r2;Jn5U#K}(wk4ch5luRN(oK!Up;V){*zpo_u5yASFEjut~>B_CHAJz)_l>`4IL$1Vh6CutY^B1pkTSGl1H>YSj_{C)^|exJh>R zwg01&Ut6h{!03LZz6?N05P||7!in3Xrosfzk1c^7bl{0!LmanVW<3xdI9&Eu-jwQj z{H@dMH_%L#s)0>b0Alh|Lc-Ixn-V~aKd~>4tpf<5#$ z{@I6nbgsE`U2C1^I?t6l)*ZuH3be-)5XwY8c=8W-=8LoF&8alzqye>2Fj2rx_E#V& zoiU^djrTkncUlaQoB&e2t<#OdN<6l@zDWD#_c#^JxDOU}mho7tnr6H&Jt0Kfa`9&f z*Q+Kp_vL8g7cd=K*y|ar`}3awIG0#|x}IAB1f(b0k$PUPsQCc4Jh1(UPvQO(E`2af z#M)iKA*r$f*_B~H;zUdFF3c)I$yT})n9)Mw>2Ul1&L|BWTV3L%fdi}9^7Qr zc}2rSuzfP3V<}0yU9j-#0L3jt7d^P=Lm}u^W*tFxm1p7y;EOCEUA?um>uR#!#9J)9 zP;ScFUKY)=9Ye%evHoU<9PB?`PqIu4zdNypVnt%PEInrQywA&Z9EVk%0KQ6JF`T7H z$A5k>NR$``e-XpcKAOSIqXqWkJV4<2i{EC|Hi76C2paI301*3|i4RI&s01wlF_bZJ ze<@i`mP5XGCL1SZ05ooSb|;x#86Mgjlou`s;I0

CZgQGn4jP@P!Ws%g=uVn!_WN z$)F7wtbVwWb7GXMmhVB8LwN^i8t)3%hxnP{X38ffL^aHRdXUk@Uo3)dy?!5F=eqBa z$=<)o?~K@tFWbfqYDr7ti3#7XgnO9_x*r{&;w@4=z4yDhEmH%z_E0Erea1jaWj>(} zX;8r(Gz56GkKqe-p$l1pi_WS?c+iKBiH-q$hT&{mXvKKm2v|BmK&ZyM&+!T3Kx9SJ zFdr5W-aakrxSxCMsAH-5$gqRBu>gcIWqfKwmi7V^zULxmKaT^uh)th(zs(RJl zYYuOy?`;wECap4FdJ7mauD&wBsSU7gU_5P%>o~53pR-0i)|aqpr;o&(u634w0SEfd zE2KL^Oi1|U1+qy{pS0?xCdSehMrjk)d;fELQ3D%LR-n!mW>|~xw8I8w0V4@W(}6T8 zn;}I>tOBA)@{^3y*|+j~w@G(0V&d&IGxn-i2;TuTo4@$Wp38PU(nHq{qHfLwWbu*H zSj{l=n-qB!6J{{H^|P}Z+*6N^mt(EZ+*nufE{-Z2u?mcad+jMl@7;+6Rnn{7`Bvu6 zj%Oem(DY!;mDlM??cP>UA15QaCO~%!Tt$&CENwq}*xRpqidPIOL^7keuaawj=By2nEq&szzyK};)2<-$E%u? ze0ZHUUsAj1dYvqJ@lpz74Nn+Tl8(NXePr-6c=n6;S!!a&T0y(9&3ZOS z*O#BzaN2P0tw3+B0yBnouX;zw^|uq2mQ#99pvO(Y5(9xTGxVO-;=_uW^JbKO&|}i) z!{nv1y{*~f$s;)K87lh%hd;6yg4UHTAp}V7y;%+!gL>)8{)n+UodGa;sMrD;>WX1C zE&3RHr;U;BNaxCFr&0hP&3FNN2sJ#6(vO0S1K{7;PhZ3&)G8}6-tS+;AW!^)_pE#P z=Ls!Z*=0e*qnekBaAPeYPM83qYT>NHx@ztNxuMJPoS!8ibLAak>}Fh7PL_kcPdfF^ z?Cfs%vG>{b|K$O3d(70Nd8dX@iVa`La>G_tR{r}%T6zd}xE@Kr5}?GF!r};T+L>$F z>Uz@qLVK!q;*s#}IEAIMW$mtq6W__c5^^dx9wE;e52VgTY;u3SydUh;ix%U4(Jhbf zjvAWXK#+a=E*!X)*`zi&W$)v!gUio}qet|_1#;5>?-?1SOWXaHYyuvzON^RT{A(LQ zRzX;y;8)tb^g$0!>$Abci*T#{w;8$4vRElc&;hz-3SQt}Zv}$)0qiV(Pr<>6^>M~w&1^17<~!HqWH&kbDnrfILY0rN zL*^=B#$V4$H|F|@%P7ICctKY40;>u%ZM<0WUQ3VkP;U04a{CE-Wuw(PO&fmHDyyGQ z$Q3MwnT}2EZkF~Q$%?fYU#egaN39>5Jpb@$Ht2Sbqs=@^%Am{dlwD*B>NR%y&cp^- zbXAdVnnRE9gkou`7g`IStEmXik5uSLGm4lK6Ikr)$v=dhoBuUL378=NH8ZDd;syqz zD(=^^ItOI@-RfH^Icdd9;i0k88JcSGB}}Ggm5(5q`h{hbJkL1*VfK43&NuWfOCTY+ zyGa5cn(b5U_W{EvF>%H@zMv<VPU`9mS@ zw0C+3pP%&X=&$;2m{Jr(Dolc&lV&L#eM;lMUoTt8-=i}mB@WzWYYZ!aM{xe+gmm0k z_*!)KgMzANBv&??e7X2*C7UG8d&39s>*>rAMuw9n)=Ai}?{S<18gVqB_W|#t!HTa` z9y_A;I;dDarT#tgGA*fi|7TYkZThxew|qD`ne%p&lb3?MjN%X}4|OwhSZIoVE6vUE zHt|=R$jUTFaCw5WvMXnn%U`ou8rd=LYIYHuAL)X2>NQSD2G25AFj^Qs=X8hrcI3#Z zO!2s1kclk;TO0LQJ`zRcpB9~@(`j!jc6eKg_Cvv=m$B|DVyPus$@jJYh{LAltprx4 zG;S25T-+)=H&XuZQ!l<{LrO$Ov>;*dOZWP**k|K|kPS?q~6yB4zV!Z6DGqpPygomt&5wSkZ9H67W_DuSlD}C;|Ql6D!$u2fdE3so(1ZGH{gR zN#AULOy+KvcHyUQ>5;nY`?#b1Xw&2tQ=GonwOPXS)b_QNdzubA{;D#1@4r{m#AGA- zYBr%4Pg`LLDb;D#WPM|K3nQ|L^Ty#qiz$uWR;-XY8R^dPp-KU`fm|PNQX$^vH(?3H zs6J>H)t~oW>ORPUHGeH(PR!-aEf)-YohjO*Gpk{qz+j>+z}+R5B0!#|^X{v8pB=rW z@Ev)1!(p@y@)ow?C~q&U3#cBrFXFRtg3I%<5g|rbUnBg=F(WtOnCtOn9;}{d`eP|zP`O8rtC?F?%#*{P zSw=psayhNaH&n(ZQ@oB;tw@td+?8FIBF#?#5AtYx^D4D`t>9Lw8GCu+`RQS)&C3sE z4<20sDR`C*dcn$r6*Qv%DEeWaNEMX38$3}H!L(1$%v-k~@k0tgVkrNTZx&K*_(WF%eY|T~+^Os_?6(q>%%7hAp3F_`fPq z&=d%XlymTf`Tsx+Y(ZCAz+it$-oJ}6g<-IOs^{_ee=r|t-H(v-Rb0?*!~cLwpj3n9 z0F83)dP{H5zY!dfILs2<*%%J1@Ucu+yxWX3`~QLpfZ$Av#_gP{zJP68Nx8-Ws?E1F zxn%Q%^^cmryZ^g*^$~H!`(5QO>6l4J%7IF|z`gCZ|Dksj594kE_a6s6^LL@^8W}T? zP6P_wjp0bgsr{;Q(R68rxY{skI?KPp_|J^q58+quj~!(-9@y?>ad!S)FI4r>Y~ zThcaMbw+7Ec&I-pVy@j zqef2MI&8h@S#O6%3@%>bWehS02n?zdw zLK0}Rotu= z!e78iAO&ZR^gHS4wK|L{0{yuZ`lIeDjiZ+L8eFy$9st+~VbKkB4Cs190d(iFIJH^2@R!VgK{_T;3QZ zcJJV0g!Ym^{#Z*_Q0q&Yv!L~D9C-g<)XzT!0q+HnyR5;IU*4eGu`m6$6IAbHGWXx?Wi5WtN@E&st6gu zbG9aDj`|z+;5xd17rC|cUglqTLypd61+I^03_nplh1K-5)-1Q$s57%;6ccA{xW62& zdx?1HD}e^PN<`yh{>Y6>n-yaX5%pmy^)@Rwd|E6Xc?zXOOS)hUpKTK(x(M*%&x00W zlC}`-HxGlmb^0wL{2!x>e}Rc`t-Rvu{QgRv`7T)c=Q1i17+FlY;sVU}AK>T#H|&M; zi()-Qk+$ajtG47 zCrAk#w@k#yzRj}y-hTf+6NMh|LM?eXFj4&R@xSct{u{-ZjA3v29!HnHDi*wG#dN>e z@aHnvyiS4a6o{=fk>cHEGklu#4O5fL(xQ`XaA0J6e8x#HwRUT?(XZTUChc2C*!G8$ znUx1^Zo^Cp%y5(vCBK)RG<~A8u2MXe0P(y#Sb;iwYfXT*=LV%VZ)B0q)0BbB5|rY7dGXZ9IgyfPZMWslh8*@*LIu2d-z`vXT4(>ANJl&y){*!-#N zKt~Im2GV4IvHh#Cs|0<>mA35CtyXKsaZ2jI3dO+{dg)@LO0J_B>Pn_gnxJjZ`A54~ zVR2aVr}e$AlKa{)c;qjm7RIJ+nZtyuz|6yJrl?bpn!#)aRHD|C`BvW3Mvmrl30t%v z6dz&iPnV{s*PX=c9Q<&;ee-)3zY!Z{xvd6g=AwJz`C~&VOm>{_OYVuL!k;)3;gN5o zLh&(-&KgukHTo9CB1^^%hyR*7Mtt#7#InYxE@_A_8^1roakUp=Q0o2god`45LH&tN zA!~)iXvNX{4eaNp--mcB;x-lyS`sLwHNyES9Z`M=_sf|tUSthON2SL^z#hl;WX52aY=`Osrmq~6*<9#edN~UpjsKUqU<&eSkU!OB zUi-C3nkF0t->ql!TM#3=53E`mk?8~Zhp1*p@$A)cITCCY)V2)Coj0BLeFk}~Un}|1 z3+&%E+xY}S=Bdz{J4wbWk|l10ps?R=r{4M_T@%*>jbCf9ul#-x$gy(Hk?G_?u4?FU zSJ!Taxy9ZCx55_ek-4kL{3@+>mP!-el%-A<(g?8KIAHW|s~(^ttWKn3sHWjrPwBVl zP;W(^;y!Cs@88yX8sTqADi2aKt0}fdN9TfM4B%X)pbc9^-aqwxfKapRWYG*VIkD^X zO$V1NUgW@?+UKD z{Jq%BZM$CPUyJqnbAn|3>)(rMRt#i_LyMWB+AnDO6#iaJVd-^kD+yTa0fGVY==gV3 zq=DRDJceHWmd^h3cP41y)2kxJVSffiArMebvWjp15l{Niz^6BSdKmtl6rsU9!2YzS zs89LFuO*>_Ps!2ZW&d3mpkbU~b95WikNg?KOGv5^yI(ecWM0(@`w^HYUdk|1VQ6nY znG@}31)qr68u|g;B4$nthFY)Y6~{U1W~f$-t1a1qV!(B5V`dGq^ab6Td60P|7N_OK z*~thHpnNa0fIrl(>YMRI>P)&U1m>&e!W)9uGK^!{{-uTb{*(qAL#xDKt-%oc2IUvJU4xr@` zc#}UuzXrKx)t45Vz)GFLo!2xMDQMn?C@!!pSL==qy`h!UG2zzG$fnc>*FO)uImnzD z_ePS^QRVpYZVtsyzyaCKm(Hvr*8$qZW^#TB8+2A@^u(Bl8F!TzhZ#+LOw1T3rDK@v zqh^>8tNeUXe>iRej9%NiRE>>ZI33xG9d1LhF!@bu4MBks>n5r&?I~l0W z=hyn|cLK%LqsJ_h+%i*^;XuZ9dZ+``A>|H(M0hH5u{-=3qo>k-I;SrlnT%!Sm9UAs zmfU}Sh3()wk^J$#I$X>7>0KAVL}HL0U>5uku;JYCnnBcVQvn(+TS5x(SX5OMJpPVI zfLV*Ic-meT|Bcx{E(fExsMXZ)e&~(Z%-5kczKduqnB4Lg;mw-Sym?ubred z1N0he>3B`t`wa^q>7(3RO0>|9F8BVO`vd8{Tva+S^- zH3>H(9v|+y2DEv*`(J>uD*65a?b*zSjmXYG3gip3`DXcVsa9h2nV`X+)`HqK&b#Vz&lR(vQzVBcrwA(L9eX`QkOj7naG`AcVG}Phg2#18YgLc_FD9{JL z$#}Rv+{xYcu}9v^8)_;XR@aLc7(ejn0$7?yCL@sRR8+^*0c+;uGfbfq1S9`h$;wpA zx6TPu6n;{)3Z>uk?x^9qF)V7%7(sIq&JeXH9r8k;@C9UXS@r6PqWV)~QeBs1Z&nba zkFtt^g*5Aiu=CbL`HzF0r^y?BC#$NxNq~m7T{gS07*0qvYwG#o4nbS^BbGPu825U#UIz(i^Idy2z*< z5nk5pIBw$%x8_*mW^juqj0cyozm9wlDZcc4X4_=k<%%qw81Y>FOxU z*vk?ThE2tzU0TFV#1)ow+|Q7E$ z21bgF%Fmp5U+gFPubi@0&A#PpM7dq4!QFN4NDy&brH~IF3SD0enzYp6-!AITHD954 zW&Py5A?vv}K>g46Pk>4;)H^}7w`I-s%w%Buc@70<>r3I9_%~+_Ov2OHqotLAi{=;| zn$*)0uWWJ0%+c|I)!_+T87iFz`-Iv0&@(Cgo}+DeV~@7H!0t0t3-!fpq~dI@*lQ)U2w5c-k*FSl{TC=?J6Crp-;mI;pcM5k2u-Q6T z>o2EWh^t;mp8#Go*3CwB!u#@kaOV7mb)5zRubhqfqlPwz2N_n$`3? z9rbbmTiXqY#GpKxm*CFcAlXBuc!2Gkg1RVsS#OljY&@0rBXL&B3NP-%q48Ksxw5{}g$z$D{aap)g3z(zzJl_|QY=abXBBX|y2=1l|-B_xX z5?gk*W?un;uFUT&4hMCqAt^Qhb-h*AE zDmp)!>;;VvaYqaqRi3)HvTlPkR^Uq+2Ge=ddts)UEA@cqFpQ6l(Wsuu>^i(yp3L{_ z{gIU|!j;{3sDp3s-`y4Um~K}nmb=DBnI8$#ihPN_Y-6(s4I?t@F{3d2P6Ng!aSbQA z^q11T@0rn*_w_xmafJU&yf|QlTkzCHE2{J2*6%8vz@-3EwGE#rsjY~1|K}{8p7mE%M%>5dG(MKS@xUWvHUxSbx$7Q$@5p$19J_)C8nW*--b&|p11Fl5W>rOaS(}1oc|Y75NA~k9Ocqh zEWUy^T)|5hzsuky?~?+(pW6X%pEyR80ZHgRE8Go+FuoT9MY^<=$Sb(6&VH!7J6VeCZ9^H5HTtXorbLbcA)t`vjEC-wA`LNMU5o6l?V&p&mt|OwY-T3r?lt&(pbX z3dh~VPGmR*cd}3+_E4cnawD6Wn+tfIPkKaDlpM|W07Y)3vnn>ic7UX>Qw(=}tw8|0 z4-T_)uBjHCn@C2ojazAj4meaH8ZR%NeF^vXou-%;)U0!{O&JVZ6{uHtJ_9+vAYRz z#lcqJi$sdozs}`;!I`XbiPkRFi^v&d`unzY&b{b+TJ~CLhme7jLSZ(8;j1)MqHPaw z#}$r(jPx zu0u#_8uGPL8yfEX!L;fVYEF%TR!I&Lw}te+!&E~YcrK3N80G_TYJ`UsDVv#PYSrvSL4|#cZbEW3V zc30h#?Yix*cz*cGel*DF5ZQ41Ue8|pUf$kfzeZJCKRA`IUT(sZ)z_P2#r?o3pYt>E zW!ITg+1v+;<#4B|D%%jUd%Ip1xMBtrvl5Vy*MO~zCyrSpB(O}pB8!L7q6#WF3?#1J zEwx*T&$&T8&*I3@sTjhn8^UrYXg}L7>-y0lYl&jT&kNDTXRnn7Qvv@e#JcqNPFORY-__$i3h1~5VYE*R8J`eAKwVAI2#J^pD-{%jrf~{+@NR=+MfJr zZxA0i_C-TsA8CjDHkZdo#!Hhy+EmECztZ-r>^6Jp&h6;C z>-917x5rghvq0BkKWK%dzE+9PZL4u8cSq38!GOBp%)M8rPd-W_0Nn)&xjaad_0hE2p{u$ z62cN1WHAJ8#wR7+>QP)+S$S#MQYMK9rQPI+zeK$|GU)3qX8uze{nRDiwdiUDxXu}e z)Pe&Sa}rp6*Y3uWQ;svG^fn6p%zBz-xBfJ221{zLMK)9d73chnzf^JH*!4O!wS{*< z-1W&Hy}VvP@;Ebp85CYgpxXvg6;{R|GgiKoso}*;s@IdJUd8zsXKi7NwWctv+aE2` z>P#LVeB;b+T3e9eoC{zGuToq?iHll}$QzWtn_rRJzBf6@I^bs{RgB*RPzo;t)UL$o z^8#a4>ZHThcTZloOZFLflb6RQHOJ;ug)XNJ)!<_gcGBKes zu{Y?IHb@qhah(N#Fu6VacQe9Jp%)!EeyrCqBWAk-oeL4AjVS8 zR=x1qZs4uY=U~%ZI@w%{02QK!0c1c;I)wCiQZ;tHgQEwoCiVNb{b>%$^v(ppP5N`x z&=*1Gr(kU#aBbq70PsZZ>@!RjF_#VI&McNaJp6cg7HJtVHyJ=wDHDRYKG%Y?!F)b-!KLrhJ z$7>}ZZ!vEmt13$A?)`H} zf3FuqC<4o6wjz87t^WI;Lf`6h0zYeMEcyJ`qW@iolimkIU3u!>)&Kre=vzr!mpHGifxef{ZGu>wg@JkH{oWQd4<6B`xj0eiHm~C|pDXR~yMH?2fYNz~}6y z@fS@Z!@f7ET2en;y4mh=Z(qGvAcPCE9o%@fBaZ_BV#x1W`>aEXBnfAafR_RbA=`80sa<6*>Cc2STF{QB+n5Yhn)Zwy0b zo7CHh{BkF3@^woYa@m=>RU}2Wq_*xqFR90>bh{IFk~BSq)!LWtaOd zCvf>?_D%I-4nn5f(GVTE)h~^0b zTJgOrp7Fk_K*+_{1ztV0$LsFz?4Bt#UwdAK2V;_JfppgGp?!!j4jw=7hHxm=TDvnpz-vdPv+Evz5P6JIr}rtOJ;A+|&PEDT zxgil@<#yre+$KW}TxdP!X3qEck(653@7=P!35yazvOeLp%*Z}}X&|PhHa764=w6Qj z8DklWon{UTL-^KD>Doe7-#xEv64QZp3|L-+-d`~D^R+x_n7N=EnD6$-`^xkM4Oe?3 z?tX&UxLY_Fee*}803nIS2V?Y>ia*gGU-A*TMj!&)K+AfD^FOhI4m+vI5mR;k{htf< zp@SI0hjw343<_h6FfbLb7J%wM^NX5st&Vr*5CEdeHFkPV@%PVw8_<_dxp4RXuMqVd z9o9zW-UaGRS6ewqGF=I;Z3KN{+R1Mt<6rykmj{%}?KP3#@G2+Zw|A~BA zY_LG?nK4i;XkUOqWWq=Q)h-*X0#S;+hu+1(V=io5ZJKYlzyXLzVCR8RcUHhe3Yi{l znh`w(I_?ugLKUz74wxcb*i%4_QXmt_iU0_`(`la@urydEwgA|>6Y#70+E};%AV5mE zBrHJD2E6zpG!&Rd(T2A#>9;{5=#=QO=MPZ}C5n%v(SKjRtj91&B42+nAd?T;`QPE! z0OqAe)%)Ai(E^=#FHvZ|pba@SB!K7zpnC6^EF+T*FHaS8zk+XI2)Z5E01T)R%w!xd zQKb3Ts-P$t$}j#wegWw~iDh+CO~C}Xph@8G6>!?#m>k0GX+jBvC5`Ea8`cdcMnRR3 zd=V<4tbnITr>!Kc^V>J9Kc5No6`=CIDIB;9FewK>Ekw8j3{&e>_2G!tG~`vpp?MSw zKg(!6e{&PSwN;Jf0NJQckI?K$gac!YVrPwTDsHPdipOu>f8lR<&G<6;#lY+x=(2yn zHaSfjY4Sa^A-hj54zd@pC4MGceREm)R{P+~E@Ey4?kK}DHOeB;yJ>adRa({H=~l(- zhP0`7bFddQM$FeZB(z_OMI8x29%H&NK0wt>1K4W|-06mwbD?{`Mk-yF^HKBK8H~3> z&&SL*NCCD%5~^HyM;gWtY_IBT!^LIWwZZ&0t?%Q^?51;{uKYTEj)yRi!E|h2-d^6^ z2J0aJnPWD#7i|0MnJ}TkAksxOS$a;fApF*zbg&-4vJUMaegrXGg!1h9nJafk$)sE~f_STJVazz@NkRH?%`*!*c-y^~7o5lqX+L3%pNn zD(&Q&PbAY>z=)Zt!6kuI^4IoiY;?*Z&N8!8A#ZR!TDmFctR(%aV2m z-FApFj6bp;q_P2!_KWvSo;kOwfQ8jiH}6UuFI5XiN6}4I-d6UtTUe}8@9clan*XdR zd@FdbVj+mX1`HWH4XK2LJ4W_E8(jPJChvFCL>|k>Nv2=&+X13Jdn3@aj79G)1|w3p z-mMxmJoCW=8YN&4K4M8iiw4SyY{0=hGHGW3{a3e#F>*V-{wetDAs0!yiJ2A!i6jcN zDyguRX2r#xuX7y#wdnbwSn|3f9|4>u@A-dx!x z@Zq$9VgC9ZGTI$r@mK}Ba_vWYzxp>|tM~n1A)628b$(h6*w%@|t;x}R5O2k=!~r&B zrWbrkd+3XmHt;@>8)T)2X1-DgxD@e2-V%<-sfs*Xcgs#So=QQxR zU65_}`=rx!{*&So-)$o95L2;%GUvV~%(C6g3{#WG!0wrm z8`%sJ!*1zUU<0rkNl~`?eeXmva31-x4-U)B{j&%C+FoG~Z;8MF-QAN);VR2Q z*N$oawS^=9;FmOg-!UavCq}0qxw&#{eJQvh1M{5KEUe)QY}zfcqIXdls);D|2tD`^ryS?NXxl$bO&o%;@xSr z@AB%B(e`*1Wq*}IoJdkUPS#f4?ix3uM_tIl+jX7=xx4~DAwHlrSP~Xoq#Ab~{-8EL zL8iW(lIwyQ6luAffR3y36r)wQs-v0k+%0|2S0=V_?uwXFG+p0E%LcWtNs8w;E-zdJ z_A;dO+VV@Y_}}Dvrb zmW+rlTmhxZkQGSCO>sH{hZ}}^2JXg0h{npxSO$NQVC=&NC-m9y`r7-;x;u=SA>84W ze_dlFFd;%Or!7yXVaH9Y_+aowWE?k+3QZ7O^uWiW_PSmN27VBM$pctfgN>F$(FnNX ztVE15U6(ve9^^HU1Ak47#{733SfbV= zwsg|dm2mBKVx_>)hxfJE@!RW$9|))6 z!SZhXDnC0ld71HlMY1wB80b4Xl8qSqBbtB^m!t&h`LBd6!oMTlKlwe355$>VB9~C# z|7;?^B8vhuKntY(=cxZDrH==x`!J3`JCvgTs}9Ht2O%!~`wsr^O!c3?NsTZGUVc8l$ok!quJ@(@}~lT>~|6p8M4&vdzr#8{XmWw+Ha?r z=R}hfqz-y`bbwvP{Mb-*5A}q=KVAU92+uf3%cJxwQN0c5AvHron9e)j1HR7X*9gXoPh;Rc3=UIE4%lu$^~8gm6akuIY*npVw(9#CDm|6k!)DdXlUj;=6`LR9@9&8-?1&ENj*>8d`>dn0*vX7lwx@pF$b&2E4Hm1vnvGEVk7QQpC0w zlAqe|0w*5I1oR#w--gVNSz$T}9VQ}RD>G)5$0bz#z*TK2hbF=)dI0~qg8f# z#GdJO3a&0eppR}CRFgfn3+G-k_a#x=S#kxfT+?7&?<}Y#cmacitOg+VG^GEt^P_Z% zg8TyFgr>qDD2=FT7?Kp$(YFxW%b(5(2x7XZJ6PzfQYKeq;4_#7oUT#sPQounfGo`o zGFw3OJ;itId|3J!3^(4eV-Gt*b^yS?C;8G3xLddxAv#d3vsTA zgeug+8sum@9%+}zro5>+#kK^^?al(_xKLhTQ>$)3HN<7y%iqcibr#pkVaZ>zlF`V) zu?K?r*6oi50%l>L(JHyonC_w zd#u-iFR&wmtZY2*_O`9;iKCtwRY!UBb3E{jj_?3aR*$Z>)!t(J$;=rk_sL*ZLPG=A zZz3maO&O9KE4OlV90M4D&;2o<@@gGQ^cv;jk3fo*OhG0Kdc6fsLkmC`d%eFKZS@$L zM%}|7)TA87P#Z5_KW*u{+5P!v`P*@!imGU%(_Pi*IJvx6r-TKj;h~^>8l=WM#~H*2 zg}ICH*GF&=i@Fx#fzxxrnbt+k#7_HjPD68$#U5=ZLB*%M=zz+aM?Yi?(#x-2BPSmB z0@nFuK)#-Jai*E>W;Sh8ZHj(wio&GwC%a3?mOQb_ae4|Av#K0)!wu9qHxj$XfD^%n zMGs?KjzUWdm zL6#AiZ_gB%7q43KB$Lx%onV}lv+%pAkoyIm6lKlXA$zjP@CW?e)t6aM)U)1^@Yw@T z4$;~MoBhuCE{YXlLLStQwrST&fpJT+(+dyr++JpSEgTH#PJ%fg8rq51FBvZ(7Drw7T|3NhbMz;tAr zBmapWY)~=|45j9m{W>7YfEu8BYm-NZK11U89*!>M=NynyaclQ2vkJ;9i_3#u*-ieA z$IiDIQ$PTCtx4_y`963Bw<3)eYxlj{p_*8e@D*kOeOQimGak3YGOoB2sM&d9$>*$1 z4>o{zh$Ei0TlVdZm#P#((J$Q{mWdNDs#o!nNBW*ui<1Y4C@jiVuh0GHaEZ6iJxtQf zVgsOyrKZP6oN+B6%&jjb(CI8{1Aznq3awn5+F||jxiFk5@c8eh?@h&+u;@ndCWWBo ze;w3(SzpODVM6Ea1uE$B+c%I;#C)8^x9%%_;Jp`v4uA}PV%e$*|l(0Rz;1n8P1`sz}VbVl06jNA`Hf$gXp( z3s}HeAb_ibpSsfly%%`Xkqot*jCFUw+x?ub&gQ{dmv0fs1`2u`B`^;MM_nDI0jgwH z3AWH$&~;t1`tjMvclsNc06BU;SSV;vJk4qgmyN$Incg!7)55nmf7mkA{+F~rQ9cd| zY(?vh?B;xnpdjD6$uo;)-EIpU9awJdwP``^e~AqyS3i58A_tr|i`y#5SzWTY&H%`` z#lbHUY8@kxrnt#tI&jZgRBpuNsm9?qiBx+KMQy!L2NR`(2#Etokwr*YTn9-EygP zKKmFs9+SQ#HGSPT{`6A-`dVvz70GU<^f1M&MIGGrgfc;&hOW-d;%9gtk>keH-UZpj z_<{$)!YlHp*zXHhE90t2I<&BcQ<;U?^VybUQ~HhSue}u;)Kt-=W*i)!z>`wy%91K} z$+=N@SbExYum1?`>&K&F}{os;+yo*!ZF6lCedOTz{x9{W$!WH5A& zX*BGnz2VI{I#;lCDOIC14g}BaTOw=+Y>*z`FH)O~RvrL|LiG0cHG#i4L)g^|0FxQh z6DKig5G9JLZub#g?P_0zji5_sdjgQ8gXQXl*|S&2Nv`KAQpA-N=%ZIhPoJj>QqxaN zW`*A3@C_+pG<@z(mQC57<)3jk@&RBqHOW1fBF{hz+`h!~4q0vwozVoR^*G&@|8e@UTaPWJXf*gTf@@P^pr18<I_hu^lQC6$jEzkLi9z*yB?^l3VRK7&yPPs$@&&6@p4t+e><=W;d7T^EG_6(}+? z44`i}(j)7^wog#LD1OT@q&!M>1mxT;g`TQO9#6mwb+Z;fmr%)k^BJn!kCzR0Wm66v zeA6a&PHZd6pD^Mnmwd=(4%ZwEV`C4eNoB>xB#-wACoSifdWp)gXSPn_ud zs>N~RM8^_7vZ$Y1Age!&MHZ9|NY@+?61Uh`bPGyJDx^g_>1WIks<##N|wiGE|U|{gQRC6bdsm5Lu7G0wr}nn zg2uRYF5r?<3Hs5#Tg@4g2hB-T-E5ofxrJd$OYpG#zOa&RXo_h#IV|$$0TMjaF{yc` zx#<2!&mZ1Xx+se%i)yVfYax|Zwo;lXn=6pmHpEemXOzvnP6sO#=$7y?V}gCIdtpg6=ndfq z&u1`y4F$x-l(jJN+4{>ZR5D0<>fYOHl&RIN_tpWUF0b6L0c;Iph1FlF>q*NzLuPnS zebSv%g|4dadAS0>)zhxsIpB^S{ip-N=Q#>Xs=^5}BD< zq)qh_=TS$TeC&n{NBSE-?kanve0z6IG6VYu;)HR8ch7bcun4@BAV(t7m~UQAkQ|8) z$a}IfST6g6u9SvsJnJpeP;ZVdmWl)bq}+TL#|sO=M~6b}55k2$gT|S>eR8OzX!u;a zSt7G3&j=W?d?dHW@lMHQo@dUupDcbPkC^;Y!2*D(50 zVp7!OE0`gH3gUaD%`dOfYl68Vcb~inCSuiIt$#B@OE-x*$`2}@|HIx}Mpd;nexr(@ zfB_=i(wmm<5ZH8=w9-gPOACr9-AE&BQURqKRJyx6r3Iwx&V`=y=<~mKy!XR>#~pW! z`_1E7uDx=uIe+P??uW5m>a51Mk0QV((YHLv7hHQrKiyW~)L@^+io!AmMDLVGH%*E{ zv^kvDM@FV0gU0B0V~^=l?Kf5&_vx2NZ&>w3np&H6YH$8{_n|YJ1#>Jsq?E-7aZx8t zz-^;zd_A;U_$-u^%j%KZuiJ5o!_Uny9PT;twxdN$7alEU@+l5}PGUh;j-8iE8duwY3=DN8TH{~_lM3=> zQJRlqh;uRJnCGriQR9?@Cr+NuF1@cS(RVDixTUtdk;U9;-Ab`aip5s?Gu|ecfYcv+V(%Bi)U27Ga?bAEm6Ta<8rECp_vb>=WFsqeF)_X#OHpJ@ zFsjxT;Z>m(FH%%mWXj~SlJ$OmQ)AalDL)s@HiqM@nOw)_t~_9T3Y~1JZ?>IeP$d`I zf~AF+k7Z3fe`}y;tGPNKiJjy+EuW{FN0)RnX3tmsIE*2VSEW*%vz(2hsuY|qdj0o{ zv-CjHPN1n+Xb*tYSF=J|gFbmmFs{ZDWuPH)k}_Z{898=%NWrqHTH{(pF;#XcYW7p+ z$b=QaNlrk5a|$FlEf^E_C@w8rl!Ujv{g=yR{j)@ntSM4EoyT*lVPC+<#yb}Xnz}C9 zTC3%a-Y`i;&yxxNffIE~J|6o?pil=>&8o1iJ)818-YeUjXQ_4C@;Hok_uMhtJQ@~u z?ylY!y_G48R)zUFi$*}y$MUO8R?8oI!OW)iDY7=+s7`?owMmy*F2_x*is3RgTlOD; zjVtN1>i^tWiqyiRo3`*>WvU3b9~$*y zciC8XbJ<#QJNUl3wBFy}$u7xK)-&NbF>}>(@>AoogG1LCb6KmS?SDjN3mgUaLbw^#oH%K*4F77j*D{;yQOsOuLZW2m~0y%IJcna&<+^x@wd zP}MQ+-oNSy&G#T{R-$#(dOnzz<9Ze6bw2SYS%UQEWnZonl>=@s)sKw$67Ngp0`!0u zQ5OQ@lOYnF*9WBbb^$)w%dQei-yR43MTz_Cx9q`Wq|zvamqxeJZoa7kY%t}tIl=1; z$+sus%#sNVyg>w57ngTv0i+NE+}PM%u<~&JD2?{(RFqVafKkjj@TU+MbBN14g!?n) z9Ux9cTKLFr;rSBMkEa*Q+ZU39=I79upI`~0ij=fvJAw;K^4E9W~azUY|^&pZA zB%J9&hx|gs9|)4xl&Zz={5}UVAD{-EVygU}CUlK$R?zU(#s>~#DTUYY5aN|3um<0v zX|(?Ny*Jlx0 z_hU-zap}9W8<#_pE_NDpY*rQfVMdY);K|^+tE8infF5CG`6bwB{x|+zZADZ!2NSJC zMQj6pL~)q?p-rI#d9ZbD%&Ri}r~2H04H9bQ7QX085^`2yilk*iHI8{P7BLnjZY}p; zSC16Q!UMW`yB=YY>vyG$5(=mn0ee+7FL_?gy!Glqe75o2yJ+UUN6;gS0bdVHC zQP%f@S2s3}FPiA~Id~r_Q}H%oM*4O)PIvth@is?^SXN96&*J;YnZ`~XijO!3Zn~Pw zLBx)ww8j>%{NVX=VB}=;^r`v&>G_4{YCiEr>B-WGg-uL;lHLJxk{$*>1$aG}uWEhv zTzOeAk)c?-=v-&#d(s>zOms~<&4A@#OHjl3Clj7lW~qLMh88f@Phv753_q2 z*G$(o_X%rL$IX?5%X)}wM!GYwQV*@^k)8?{3ee7@Xv-2V<=phuFArU>%1y|VtlSq% z>*OA!lzB29Cqh|zS$OzS)y3sPU|_5Yajp~%M3L0g^ky}?OFLO%6!8Uc~K&b z=!sY}CORgPPiqp9 z%--*Dgfvi=QykWX>_u~I1{c;UGva=LZA-b0{^%M~@K3-T4$t_IzwNkZj^Hu~ZF{$K z=I9d1)LlNGfiZFDQu}Pn>nQ0Ygz5UKG7cin9%-_wW8uJZ5SJ=Gfbp9VKBKg2Mv2ir z=(q9{_)&NpT8ldUVmoyT%sfQMFw7;R?}<~AR|1+e2i}5SswWm9qpBOX`A+rfS(q%EN07nOd+A~*TfH3 zQ|5iZRZ7i7Hjm_NlsCjQ=L6>^uepd_j_LEGn`;{v0VVPkf@4Y|yO{lzcDjZlqK0NGMz_`+=NOE<|cs2LcEm3j@ zz$LM1W?*NlARS#;i9LtUBB6y?&?tQu6T4r=5$jVeN-m3xUQ+kaMvI=^1YGi`vS1xq zS}o1whb(hu#N@={Cvjg^9{wT}LtbMRn|lu&a!vsS8>){S(5bbHbE>>4#iHBq=4xoB z10t^n!N@Y6kLjFPf=%u#VzwapsBGj9)G$URv4Q8lgc4v@{6mPShe(U3Voc47=z;JU zHU+S2f`Z2Z!_UC3Z)=(u<0IXMj^W9NkRVOj)DrK~`(D3}nnJ0|-_QOOkt4T&f)p&5 znz*kKk^(msnYs_YwBTqy+%{8@zV9P*9xk*qM+;-Ts`XR@$-~2ZC_Zb#f?6a&&ayL% z1=ToGB-RQyPzBX|e18W^suMXd9M3y2$(z3;pxi zuvu3z%}tX% zTY@J&XYm|~(!XQ!he_&{PHFIncWP}#@zsDwd?k;_{<;q%=6CEk#^Uq-ykt9-< zpEM~@bYL%gVaQz8)#Equn(}&OGP{esdugiy5o)n3`r=Ol_KA`MdB^3cpRZ272ilH@ zaftr?vmxZHnkl54sd@fYBtxX@eBBL*s*uOJ1w7-3de8GtwXzFWm#P~n?p69nGJsU`SJOSuwx3c|HvS~(i%s7B zYZFKgdv=~~yDu7^{WbWD+_8dL^HPy|?D1b=WQ-u!B3H>Zl=4dCrg` z*i$7ODa#_VD%nf2t7RP02=0%2pl}y;R!RJQO2=65p6=5zS8qr|%B3cPUa5&i$sj{M z6FG#PB7Hn2gS8N^^^UJW!7_k~K@#BnkTCBblzR*Q)!QGlL-T9hF!yFn>cBJ$l3x^Z zxo&nUHc$_>jMFeM5nhVY!HD5^i(x;HxL5}VCZASBo~g50JtQ{1hCNx=A|Qz!LOMfr>^r~f}^BSJoj9N~FjoFX(?LF3X0{VY!46_>wmKeUdz z4aT>zXEZqf^*_`BmimG4K1h!F_xeD8{C|0Ka(86Yj(4-Q0H+$jUjHqkSXlloqPU-d z2PNe9v%G1GslKxrO^kC6mVfzFQewwvpb%~X^rmbzFv4uBw_l(9_=XXw@Jk7K1(^+e z%9xAPWxtRs@j`8)<-uHIEl{3lCtEwC%@-6r$E;+xT#z2GO*{%gY}}6Dl`a(&r$F|% z^lcN!em6l1v?IuR)+WyEi@el3faVe#(46W7DHdwn_I6ygLEOnCAi3w}feHSS^`{T6 zv^j_V5jSZ48O~B9;|8nP3b20a*Z}TN8?cgf_CEYZM&A{?3b7ncYXx<+Q1fxsP8$P5 zNV+o81c09)-JcyO4|4)*X^oJ=eZb7S8e*+oSlOR`oVu%jy_pFRg zCRMhVe*(<1;sfddt+A$|=cJycdoU-J8P%yGv+!F|f>H)*3Cba}v^4L) zn;BrHTvgy(K|IpxrPHNsfy4~XQ?6!Z4Op_}-ly|qm%oG=L|)U6dqQ+F0v3rP#)7%+~@e*hJ{ zyF`t?E5)xduZ8vMNwa1QWBD11@?kX26-BV(5WD-SH_sdtX@>#;f+58=Ap$oK2ovJV zzI$gXEk-Tl)gAh|Xuk7!Ai=a?FCPG^w7WGK*4pc_+lgoW>C1KA&1l{A+LKM8O~_vu@%Z-g zaONId4$qFdJI0Gb-PZkr?L{oK< z2shXoJ1wY0`)R3x2ROFBMHy&+&i2af=1(7-qHX%Yg*0^SBwT>#<2W2O_&cO(^%AFe z#pD=O2U?EDJpqhpGwX-v3^hE@7e}5u0f3}ySAlR(w#ozGyxYedCobWUdcpcnbH776 zfqDH_KNx59bK6ICZe0PT`L@arY zAq0p)$+ZOkT4jNgLA-{RluzV?n~TG6u?c|uZ$Nqsl-6*_NC7mzJ&Gm+ZpE?sZmsf( zJiP@4=t;Kn-OyP$e6>Jd0J@%)_Fd2#+jxNZgsaMo`0l(pF$$BHzcDyQM^qE^?dk0a zpe_1d04bvm084!A0Atj)r0e~u0V~JKlPBgd4-@XbphVdQKGFm9^tM_cp;>m{9*z&l z!(@WMK2JnGq;0$V86(rJx_o~erwGxGtRzlG+-QLf1I)B zlzIdE=?T~Sk^&$}1Pd?3yB9U}?O3n%+P}V{MKun25&Znf!g9Vjv>TQHW1sQ_FLR4s zcOC0I)>MkqDy0s4tT%t{5XVDz_2ZO0m%z!uq<8jrN6qy-#`!9GL0>rjD4i6C{Xz?! z-1Y?M-b{y*SWehwgL{E+h+y=4n&L7T9RuY)zv)*ewZ5Hv@Zk^wvJOFXaULFoPn{>v zLER>2HGn#1WHVvul6)U2&oxRF(v02q9fVIYEikc3(6UjoeV%6Z8yGs17~(zHjE|3x zs@WfFuYx)-cunrgs@_Sbl2zrS9P}rcd?ObZWVNAZoOEpL7~a>X)(FK{vAyI7&#Vs! zhs92%5TL)68x57aySMVx%_<_Y%`CvpSjG;Du{u1A#>=3b5@iOET+5IyJTu!Z2J}Ff ztZSajUk&EqWP@eiI^p<+Et6pf?hkyHfYYSWy#SFcb_!Kqa{w=cRKK1z)d*QMxBT!V zD72!GU$K^#%h@^N2kpe#yM)uW!DX<>aM+lTzMYnJ$smQQhUarZe;_tXs-tyL-LI}H zzeOs*qYadCbIVQG3*Vu>ivv!l;UR-#Gf}(v@OLdjLx;~fGKR6IdAuP9(CB>;10jAV z82f|?TC_ecK$Xc=k&E-Ck{%H~d8(Xmk5djzuN0deW9G7f&wXD8V?FogO1qcXCiHYN znV|BGX_C{BRFdjjzW1Vb5p3ipTY&s|(}6E*Olc^@l&8hUkkAXf7X>YFk7^xz!Faxg z_lc&S?6kt*^B1Uz{4yfifqiQZ5G9=}uRio!;c`(DS-0;J94VA;uEhqO_}*mxVbh4s zbA)FJgR4|OBvx7XwW{83>IEMDuO>?sLaw}U&vB#ryUD2ZAFJH|3yVs*m6kj)UGa(4%YvH~>w zZ@PHqgXrj<0+E#SkIm38f^^SRjIH>ri6xb0==01ZNZ-ZXB~6KmBKN$dbPf+CB^gEi z?835_rGk=AJSC%up7V~L1q>w?3b;Sl$BLJw(6hy@JK(p|LFh=Qf#pW3kRjd2F&~2J zw?7}40%2Tm#b}GU!77<nFt!gZc`(r5+?1|iqR=z$^ zEb>~N+!LkrXbJ0MRDPG*;eO*BJk4aPJx&kle~F(H=T-=JI^dY@2g)!^8#j(Hxez+-KU*F-8AW)LWt= z+Fogft{Wn}Ay3n*fua49=6q~kaj}Q%I@_akPBk{Jd(THullm*UR8voBR>oFm3cSxg zgf_$Po;^5KcBRs$B@nm#X#7qh&B;nstxlVPR(f*~x3AOSB`pnGBa5<^cI0VE!WZv1 zbtP^wS5rPUu~tm63mjys`O}T>JwmfpojD~`UsPN}rq;feYu1O&<87^XuP#}|5~gmN zH{Gvj2`@4262fl)>8f(C1E}1XskEDO_TqmJ@c#mKsm#a&t+8`PYpIFB)oRiHkJpWQ zCGeQc8y<##m?yhsGg6tA82n8~Ru{bu%q%x+{O(w=$$fv-&ME;@CPjZ6^d4D49{rv8 z$;9Y)Ic2|MC4n#Ua3N#j#vy4GS{Kj^p{cgS^Z4yOYetfwx5(6E@aog0_0^eiso-fd z76Z{jC)KW@k|V)2X3#SeTYw!a)i+(JTo)9>>bgAjv@*KiFdS{VjikvsFzmYNWw37VR(X z7r+evrv`JRS2Ui}*Ul?`E<@SV(A)_To7o=u z=y%c)#toe-)zs$V9MYlAiz<`H*{94Qlph)*8(X5x32QaXXc*cm(bRZ*<8pPTA_dkj ze$fwO$dy=-;#JI=s1mi(9H3$w53>ggjYH2$SU-?$;_y9{iMQU_$XaQQs)KvWyv?KC z&AeD#hEf$(4`q&G)3P`?78!!3S_Qmn1wgaclm$=-x7Dfdmvnsc&v{q6)Dmj?YHf(( z!Al|qlC6hW@O?)`%Fv^yUIiw26_>%}v9q-C+?Onv3!lpnk`YyH8mJd!0D zYvUSC@42n$*Xx@{9sz^$KQz14TEkvP#UliO3foIqU>x);R-jqDHbT9(%1*pH`K=`6 zzPB`Yk|jcI5pOxcrn1%IIJ>VvJfJZtXdXz%owZeI8;h}~?%(m82z$3DE$l`(MBFCd z@2OsZRg$q#{A4gk%VaNoZR+J28u4z0-wE+0!cU%oypEzD^SC0DQSP~~$Tuw17-EwZ zMbpM_iZNIldy54x)x|fyWD52#*boUya>dUaoUzTL_r9e~#z$H69>WsRxYdrMbuFqy zQ1!9L#Mto0dw%*`L6jclR__ zTJ%f`b7H3G5d;}OZ0vNLN(v z-YZ#Y5n|F>>%g;KCQmk`xcPA`|Dij6u0o{sH;_zovKjY2?bN*dHGn6iUetOx)2kcI zv|-WLT;47*EY!?7G0E~CWfHfyo}&jzYaYT}eM{VGF@4l^ravhA_ODpqg`u&$_Ti+-3M^7(W`t*8aQSj~37|4ii;wds1pmLJXzvxE}OKta_eUqR}1 z7Z~Ofu`T0=V>cP6b-j1I-aBlRWO`Owxg}3CYMJzzw#vwoSXpN$ap)EBAd0X1sRj7S z9gb&5X~IkFidGq-q}veKcVGf4wHd|IM==&hsSAD{(rA%6C-24l;bZp{PW=4bqRF+skC?xEnf}az7_f zP*{bn-mj%TkN&1ZCc7iyzLT^0wfV*A35Z9sMTFAcw;oK|pNmvsP(FS#EpgQAkS%!6 znu=MNJ|D0aw=O4hZR?1%k(<@(1fRb7eNN#nIJ2WyUayBfJ3e>FQ&+;`ubZB@yR!d$ zdHr@kXFHy37u@(%TX3zIPgSjY<)@(+gVQiJZzGx9TXz#-s0M0S}cgN*|PShrBOQdO~R0SHy_j#+EVku(du2rl3G`zAK?~ z-JIykgQ)M*uiElTf;M1m#D?i_y(TlPKW*l{4agfAP~q@%0P6}Tx7y-Nxu$0v(T|$o z#*g8aa~$fu*k^ZIH8QG86x6$YtjF{@gmc*ig>$)ys9m0n`=?zk2ey3U>uPqf z>)3t~U}mO8N!}>2^ka`f(-NT_{&u(ZZQVqi;74t#A^Yn$-3uDIEuW|Lwn~z^Hryr?n%EMh6QeHmDtygL4!itn zNZkXdC&%D*R|s9{p+ZIw3j(`AZE@jg_S(aKUVcLVyb6a>p$^;6kJl~|_iqohMDI|l zUJ%+1woGVS<_-30!3gUZ6`!_!;0ha7lagN%zl5(-UC}-Ti|h^wQbSlYh_@l!gW{Vt zA$RZ+P8rB2uCobv%f-Y^$=DT?d$>|*>ev*F|KRIZY?hPXp4ya}s3~=yEx{)cP|a)o zIW-UVi!LzNN5X$#F;$th@DEfC?uY!tE0i>&Ip*-0Let^r9j!{dmLDh)wB$)WB)j{73$we zc;^FN1_=lWPabt|+^#=N@^Oh%Sxc{0mt(HEI)b+t(D*sjQV}w^`n=Wb;ss9Ff-~YW5BnqiI!(9pqj+QCh);Q#r zk@$=&&(@u!Q=g*bGgr_k|MhHxw@2#5_5jUC$AJH0duhOn)AW(s{=c~4`{1wtKe@FJ z^I#Nj0ENp1yKRMgvd5(0{@1F_B*j|i=?m7HcsjJ3|32-|m{9C z>sOmj6Ff%{!~IlD4q2MrM?j0nbHI|+*;@7Nsh)V>pQDqA16I$K3FUN6JNHn+zQikR zk5&V+l=SUS`ZKEqvC_Yf)&!2bPG(FTf5USQ?BMrb>vvx|B>n4Mcp+kq>ao422BO(h zDyveSPwE||EKf#lWgcCPRn7MrF}p&Y&$ZXno1?}7k&x+%=aK?DrE^$klYVvj-Fr!S zW|GU1hkwameAv)DPLHt5rjHKFoAo`0{d=S)I3;bH9NXBAGDdYqHRwvz6fCE{7E8ly zHAza)+H~SAW2^sA%5YF$z5OY>AYZ6T-1Cs^WXGD#yEp1qzxH<^q0>sZbzPRjT7}Y9 zugX!uvZ4j=uXiH;l8yYZ#jI?g@9Bp4j0PCINx{v%a)kD7Q*kTgR{ziAk10icNl0R( zZPbNbQkMsZ4P?vRx#dK+$VNsoXb%3|*c=OqjSFAgotrXP9t^MGt+_$Kv$Z}O1!aZ& z=ZOe2L@LB4qZ-Y^upuT21YY=w129a=HfdaafDYtwe{A^l_sF^`7g>=8jjRDp^|$|e zC?M_-4ZKD1k7<4_-2QXygAmo2eE-4UAA$eJHwP-4-`wGH4cVGrJwzPg{83Lj?DfwRpqVcRDBAQ}EtLhKCts2AB$WH&eutEZ z&;X&2Nuf3j8+i;ak~H&w%^uGFuh~N;+DkPnU|c2vap$S;_VfGfQi``%89+h+C&u3e zd>76Nt`^u8pa^)f-shSg5LiwC@#_+kA7Q;Kc96vYGp<8e`55yNCj^f63{YNGPz%Im_y{lxZ-VpdXg!A5$&^MA>Lk=$qk#uH7MwuVt)YUu z(n(KIyxNc@hzo#bOjmrYpgDu{nF=3jl>7|j$$^FaPe6)@FxFcr2?*hH&q*aehfg&W#; zJZL_w)&+!V?Y&bFQPp1qSd&e_ZXBTZfEDO>2;w~Gg z4wBnW)BLVWx@91AO$ji32`(HB00lUlMPPi@TT;h>?{JCW3ZKY*Pq;>TMdxlo;({O2(hZv z74^`vCV{h!#17;+zV}!~(;IU4GhkzK*&3nYaouKgbiyo!uQQC?zq1Gy3 zt^1D=z}`9-I5cjmNO(U;; zIbijOBgfARd*4&1lkgMKK?N4l8(wZ{d|#z|u?6!6-9UtTM3+gDWlbOCtsK&IkhgVw zsLH}gUHDFlfFDfh&#d!s`YSV4(kv3REn``<$udr%MrkIHG-d-#^eqQ-1pvhJ1VQs> z-FekJZBzJdz%jp^MU@Yd**;VJ0AxC!{N3Aqz_wr4B|RM92iaDSbhrYRa6w$c4AXM9 zg6DEqQc_TU;`b}QN*Ed1@Wl#a*OGF>=(Si@zjh21&fpa9u?U4OL!yZf-z$vz#5b}Do- z4R;brXKi$7CUFV+7)f+;0uWr%xCp>J$`^xb7)h=^ytoLQtR%+JU{rYKm1FlzOgL1Q zG4~u&4z%zcoY&@=1Ww*evI5ytcBcVbmsDbBRT999!U@8*&p{%aE53eTChJuw~y(<+*3mwvo7+mnXttJ6JA=JX*{g9;GXP$_FlCzFK?x=P{OHlh^F^8ZAadfg5eF|(f9Cj@{IQ96Gy(S+RxOEbT zK;8tPbYu-Mp!)Y>;3;YHTAar2X~A9}sZ)3;=m(3+JQU}WA%+4Y!dIJzl3XuL!`a8c zI8I3^|CO!$9E534qi_lr+e!s2k$|cV4f3u%w|Pog z`kJ%r1PDinPv*h$vgOXzUCF5 zaB1-yTAoudxCfu*I2gP&zhoIZ9>3BQ!5)Geq^0sm6ZG)G-bURox`Ur(Lis8jn>C>g zzu;hVy~&0&xz*tiw(>69v}bTx1C`bnP%%mYRW+vYa>Ja68{u%G9t(Q3Q_#Hhen; zxGul&7UnpI!|kKsylLUA!Ry&YAIpD6eube>8QkIfPVOz7Q{Nhjt?b8us9$8DQkhuL zd@XEMnXP#xBg|ZlK1WJ6u4Kj44%b&D`Xhs#iZ0et0v45l&&|zTouk|6y3fk2S*xp}evp@P^;eC? zV1H?iH3$Iq*|Y0LE`V3uKtw78Ov)q`OZYIvmSHa|oiCu~%X|Nnd5)jw0hA9O3GzdM zJH$fTA3;jD-Ce}<4<2mz#;WgX+;_Cz2-*V$ov|;_vD4)C;vrGe>`&hW(->{69zM1N znZ@&;S;DR_?=yKuEvIoRV5#b&=cl889zj*)apLmDN{MwaR9&d%E<(i3>#g|!e>?lu zKJYB_*O~8+0gR&&hFo!Uo>RitgRpl*iP8r&0o$U{4EOcb^v1qN zP#8RVTmb5BL#?=og+T)I} z_-5Jkd*h|9!l(+oGe|7mDB#E8T$ryDL#j1 z4OMG8)+v#+&xAy2w+bFi+-o*l>p!gs)^4=f@KiywO(0x}@`f3)X;6OdZF}^&zvNc9 zl<_S%*~72hpfzFlnSmEl;Ik;AUsB8!TBY)`h;xrfF(5I2i8`YFz|1lyG4JhmI?Etc zdRO{KP8nYcbw(kr)|)$ki{?%&byG7F4oYh+G_K8dV9qf$7Nx{jF{dJw=%@3CzcH>T z;0({`FwW9CkH$-|S?*wci;>@(D$_Qh9bd`fCp{!UtujVM_tZM>fN*Bn zYWuNeed6jvndH-_s{05NF|tn$WP_40iw!TY5kD_Ntu`0itu;us5UV=Qm+f`QEVBQ& z3z$W-_$T*{Wu7P45tywFcyRp$H%u(cOsISX{z)UQ;9Z&7)Z3ev=*lW2@~=IWCPB)f zNQF76sBx66vUnfKS}7RB6?5u(Eo4vJvi!{|S|CfN3ulOv?17-#QTN_rwhhYRcyl#T zn!%S99&ydxc=9)*7)u6Jj>_mO@AT6_d8=7nwRvU?4AmWlo%6}=60X` z<`e~FFF8f|n#d!MBH|Ss?BGXFWzsXHWe~*{3+hf;Oyq6{n;VmB+q6HV==VwDFd$Nq zzERgCb|+I=Ltfd+wgN01Jozne+QJ5~U~#2f-QLJO*n{Lx7F0IMdUlPPbWc(Be{}zX zk_e$J;Q2uU-q#}jcYC5lf^V5?$6%+EubOWH$({m{*9|nw*I%7>vMuc6-Ey4F0+xZk zkEPlKgp@gb z(%kSHZ8jl4CK^H%_H;%R92J<0Xa~ZJCpb$;A)W)~+&`A_$qQBy!nhyil6F@xT5=C} zD90k#6!k+*Eh0#!gXgXAQ*i~0H=zVX+cuSVRM8?mtZ+)|QZ8r@VP?6;s2`N45$5r^ z`!z**DE7$-VWvEFqNdoV4iyN16L>)2lbmjNPGn=H?n4)pZ?-He|M;f8j!^Qh=G zhnipc8{S(KXcy7cy5$39R@t+5vd+G2;ir@7T-Azf59S5CZp}1MHv1U$DJmH2Uas0j z_|O11!uZ8rUhCZtWS`g6n2fw_eM!N64Z>P7#bvQ|F{93{kT;%*wQX`JUxKS`@!+h` ziTfWqk<-U5^gZ{~w`@q3rB3u< zLHj&64f|U>gh2Myn ze@vL^(Me=_PvPx6dK(P1?eE64Mb;Ns zEGGM-0-kSis=j#077iFi`Qs1gzAeRdbC^U#PJ3Nrc=8&;CIr3Mi!+>soIz6sr|l8O zD!zkV2tNs}vnUjWBW}tEpIwM50_M>)I4{Y?gsXsDjPoVk0P9(=ldGzT`5zey*zlE= ztmUbw5~=QN*wgT_CJS!e9~S)rbg@)K27q(OV?lhLTSERAWXmfLin(Gk=ue zWyx-RR8nFXzHeq3n7wPQitEs)ysU~I93@Mn^~Oq#mG&u-)=rYmqO6SnzDi`PN8F}j zJbXB_<%#9hBlRqUBnuL;xTu&YUyojW`_=W=HD7nO@G6J&ExB+W6t1}HuY{{SQC0KQ zZu8%XyrdPCvQN>o1VEW1MJ0(oV>9e#)2T#F6Bb9Y~Xt;~gJQ)9#j;{k(rgLa=Q1 zH6z~`siBGgKrx?I{Vg5hY=L;+oINw`0<~O5?Pi*5v|#GnAL-QdFosLalw(6lbzj9?|X9ry4r zzj;rgkd~zuY0S(25(iwP`Ig`h`u87-tyfdI_wRorllGIOG-4Yp5Iiw1t<$IYMqBFD zMU)=y3o~KEU(V4?2Hs)_y;zk5JMvnWCIJ5h;+Dhge}YJ};~mTRl>A-Ev!_=j-BF>I zC$B(1pnn;)m==+@R`)7K@ym34YOD}LwnhyWj0s>(dyY%XV)^;o>)V0Iuu2 za&2WG{62LPnPasC2x^aNP{d3-FyFF&2<>8|xtU?Z~p1$jr=b>Xs$TNT_ zxFlE=zD>EVQ`CViCAEf=Vf?f+VF%&#vejA$9r+97f)}}o^wG!C2l0eNX@;B3Uf|X@fPcsXEkHKyU{^xFg6Nz{$|M!T*b6)r6?ds$6tp7EUNc5oGo49*Y zv6}SP`}ZG;5)lg=IJI*T!Urq;2}brB0T48P{0%o`zG6qXyDC&T1?zu!i$Y%Od<=QG0IJ z9eq;wZN0MooHBN-;gLPX%|93nHYpKGTZma?Rwg@du02&uI=U58p%pLyW6ME&@~$=V z>GY-&_5Ws1G|;4gm{FrA8t4AB_4U$7r+(dzH^(|l`5 zP`Q{4`A}XXc{@iQE|npMruMNO#;r1^P_y(zGj4VG{UZ7Ae1zXT9eL;r_*4jC@J@_> z#(NfEPs?ctmGfv$a%>c{nM+9F;JCu}XU?h*BUVp5w|s)G>yJ|{M*aSnoKEz_Hx~Pg zXWi9{o1_Po?jCdh&{;2@L}q%%)BW+NicF%KN7`)cW^U9Oi|SvOHEu=%VY#{3NamM+`k#Mh{0dAJ;q(!Pf0GuYv|vSa z#+Ui(pY49lj^My1-Cza}I)Jnwj_#GOux%k2{OBHj_+=I;iUzRt_>|~Ku z_{^cNx@U$d(`z^HFLQAnWB1hcTvxZDAJR0_x~Ugx#%g)%G6dKMPE(JnOF2yH`iIpI z+`RYza5GfZx&8i5`UM#XtC>n%Y;rrl^ESYytD=uV>DgurWvHWSmI4#Q5mVVj9|`c8 zm>f0U19zJl-0hWI4Et;Uj!N`2pN6z8d0}?Ys0lF~7~a4T2F1D`?-H<^mP2*lAi?Gf zly7S@Y7(2ra~lcV^%YPY603>f@ultBR}($79|A)-!f!9cAA{@;I}p~VJ1PJ z9ilhLLcx%Gf(gnN{dE8aX@sI+?E=N?zV-0GFxz6NU*pLy4OK2Q4rA0ZH7zx2ehV`W zATfPSli?vh%YZm*@A!ce`I^u?^$EP$uA?J}ZM@JV&SdJsvpFeYaL=zsZdoAIaceSZ zGRf1$dFe;RB5saOS-#ao`RAtn=Vv@lt5HED{2Kb;my7aA3M{|7V*BVyilFe+-AyHA z6c+huCUduE`<=?+-rR-63MTSjgiM3J-~3fJgvlOLsSh`y#+QDWM>g0cn%@~V!oDg| ze+`Mg9_5NO=cB74z49eB(>e`9G5C5r_hh5?P- zyJs3^*`v0DxzQF5LtQ*pJrD42VD4e_hSmd2oKo#8aIOh*etJ~rRr67+2tHP9K?ySZ z_hIG}!6T+q)vkpuTl)P=U?ZG-<(TusX5ltyal7jP3W}SMhRf}YMn4<*k7|6-U;-Tl z4jl*7vN0_HKJReRMyqmKGp!x>#=*h)x(4Q`Y8rXk)QgLYY^ELffK?2!cqq~9i*j>e zp*6A(w5`Bku+RRhSrlP=sOGqB178Js#vltoWCBZJH z`=sZ#lCdLvu`3M6=L1%*Al7BeS1b@pnE`H1lf9%Y|4|CaDw8oW$*|yZT2(vhPdQ&G zs)lN2;l1n*OLFWizRcvyfQU4=|u-&PBl&P$cgY-{?~7@is_ae*{u% z=|SOd6d(uMfvN9l*F|K?sknBTjrFEq8x%3|Mkthm*Mku!JmFz^|nI_Ykbj`ccT$HS;~k$(JT_6dC@h>Zkio`T}d)-(NGrU)Y)Z`S~r~!64zI z0u|ctA-~JNd^5OnrlTxL11KzwEguB7L{T4f#i5X5!f7DR=XEMm77z zMm^d2j~jfp33b#lJ*rAij|oaji3^;C9{V zx|y&8rog(#hNXc6z%guY_(op~j=I(~Qk=kM5^(JRWxB*QKZJyz4=Q-R#uRDm?&MTr z(Y-sm=CjQ;&Sg8b{y2@(b3w2g&@KwQOP!sc9~YA#MbCuoQhOaCUXeV%)fFUidQ5)#y7J;G z>%9NG-+Z_cUOwBMSL{V3a#a?gjZ+n%s?=ltCvfj_jq`c|buZzKpcmI~kT3@>VW4w1375Nr(jRwdsA}xjib?Irrm#V$D9zbYY0`f_mD@UkBl^ z&~mqkAcp@2bMg{tm_$DpXG%Iem~G?9-H)FI2Zj6WJP?HUYP>u!Q(=6IQ6bkR1g}!O zn3iKpG;cxF57^S6^Ix@@tQ=Dlr}k=^L08i)Z5WEduwUMjoP4GT6RsVx3xb-@w7xNg~76rUVcp)cFAsP zRQ*Y*Wkjhp{1zF`P_G9u`Mld8Q55l+XzRWGA-tytSvz={9x}11tSk{1u z`@+zbY%@shMY>_=^6S8it%*}#e5<0Q6D#kdR`)sD=&%*>6&|5JG_noZpQzb4sZD*J z{RDjC6k@`JzmnYQr)*8Tm6fCN=@NIHg@S};GK<%CU=xZ@PFa?Gf@$Beq2WEbcbs!# zA3qQxXTO-7sbKsPU|KhHh**nH0HIlQP+!g>a4O(t?wUMNtR(&+^t`sjau^*M4jHM< zCNQ2eUVCx>QT)I+V2VnuBrm@zU$iybWJJ{+8+T2b%k=G+*^Tis?#~#H>*ZOiPWC6~ z!^f`$OP9_%SITPpKKx<~J6%!qrpLU4GNya)u*G~ z_)Y!Kyc|^1mLyn=!p?eJd(Sw2R#7~=ezmg100<PT}Q(m}mKB^KKw|=d2Vlm#s6xr|!{;6`b^Ed}}ff#(6U7s&t*QW;W zlo-d*=v=v1SX2#6u%=j!W+H|fRHWa~f+DHVv@Pe0I-lPsZGIbiwSwySeRCw8QsJF@ z1da(zAx;KTKS|8iu_k!rAAhc4KI?q{CHKqoanIv8A=Fodq3b5#YJ9d`Y*}x-;*72< zcg?n$LO3p%QNO`X(NN%Jr#5_+DZ+(L-?MkO;q?_uS<&__el#3a(AT|;GUipp6k(RT zn}z{DOGBkX@mWssp3=QB#ItMRm!^cb%zyjfxhrtN`ZXH>y}4=L=l_Gbw+xG`TegL9 z2yVgM3GVLh1oz;<-Ge*9A-FpvIE3I%;}YE6-Cgct@4L@A-+RCN|NiQyyH_u%IeS*k zQKLp(I0VE*OZX$W2-?+sP{w&HhR|dF;qr}BLk4Dfxs+Xd~Iucj={}&9|5f;`Cx5dvR}X z=Yh2`3;b{d3{*c!U|$~xT_7GM^#^NSfGDU3u@0UX!HV-Kf*{slHP7&6 z@}x}4zpNAOk1?-te{RZGyo1)%aFzkZCBdWC)W@1afp8@7=3?F2w7?VlJL)9&@?Vmo z%k|}2HQj$Qw9Tp-H{nGtY3ri3%Vn1BEKir4c7HwLaUM~)&tF13kDc7E6lHW!hNi`p z->lm0wF+Ni-&)jAvs_WsDK_5$mDyW?jn;{@Q|yy|--WTrb0PGiP&7HTSRhKn`U%0S z@MPg_qe9jiPwq=7dIpAVbZb!TlhZO@Nl&^jN*F^soD^p zM~=8gLdsWEUCmYDR&Mqkirk#9Euk?BV)M(}qh?+7X=YT0fX8|6gKdb6&eZY|!Z37o zY~dQPvUFcUm499Y-+|QXiSfDoQ<(vJR6-kIg;MiJxD-|o;$VkkZRYt1=Rp{IoS}(C zd33{k8Xak(uAbDy@Y=wV5m5irF8UKnb&U=1GTtSWp!*9?z5p)*Yd%x$tq2jE4|&Ce zT=^^TnDJJ(Fa5bzw~zwhE6I^?%*9PgIf7IH>1}?X&Z!}+HI3Rpt!4+o+@x)P66U`s%t)&OJ|f$8t6~QIOV^j5W@<*_IjZ)i~$%ts$u$ zRg2fnjOHkB_dV}zRzy7xwQW_KNk6htH|A_z-8B$S4+5+u8z>HVFEwEmI3GYzUp~)q zNfDUR<&t3X>O-`IQ{{`SU>^6#-;Kh0;h-6PeygYYV!v)6!xLwuYr@^$5e_ff^Ao4y zC(h>Vz~z>)E-4Eyh=#i>uu!9GFb(XX+Te{l!IGFrAk_M5FZ|yvs zF8&^ll8C{#;2<>pCape@IbEc@|k>Mnvp ztC&B^KIjNx4!My&gW*~HxX!xjuBv*Lhs}J%Ar5!>2j{u3>7|bO@VzvVu@_|(oCP7b zP$5k@DS1xpXVN+dx*#^MYYW(P>W!GUwA}5UJi(Ury zl%-9u*K1R?QjP>8|IYr|=YFZ{`Gfd8w9>v6tvFTL6Z?mjv&W2VJ`=Ay+ksrBU?)J$ z14I~YxsbNOgvuhoXN{>XWJ@H4&6&|PO4PF`yBr453xY(& zSf39Dtxl*q^FA<&TtJCzsl?d3a5Fukb7J_)jF7~f#5JW$_^-MuOwcKP@_wM0rVQ0t zUSwv52VrxABVxQ3#t2BHaVg~K^o9`LJzM-#>0ghA9`SMf1PGGSu*IT94Cpj>`)qLW zz0K1UAL&_NK2SBh@d~0x+B4?pA9eO!9I*8yD3G8X*1tmF#$I8sdbCz#eB9SF&1YbN z>CJi=w7a_;?ENSfX4RU3UCvq)owA33P;ox4P(9S-mwpz-Vn{DavgvyNl@@O!y5Gwu z?AZ01?FH@pQNC>?G7m%&KjF#p(jRoIjHV0)?9@rzpx7g1j&Tlgfj7ec{_MYAq~U>B zffCxhEu1VDjt1hp|Nnfcd0)2wU;m*n1stH|EsDjULlLtj?v&b~4pmD8&ajKWB!r#9slc&~5Ts7ez#wiBRY(PM5_0&esHDEk}%f2X?@I`56`J^@r_GeG~i)?q{R;VS2i z9-qq&(ND!T4;TRLAYlyzho4=%Y>MhZNrGo|Ien8wasuuafGEjip$x|O30vOAP!e4c z;3Opdml|v{*xwyta~6lsG>gaX=fl=i4l!P9`$C{gI?$0YI5!&g$WG z8F`D_$r1Y)44Bj)Q1um_9Tu5N4)_#dbe-rYT*y)p=d9kvDjF-Oohrr(7_$>U}q zGOemvyQLW+Ru2h0&btGEs7jrp z|5h|xwn#-+8SXkSjA~GefjU|^Ou+N=b9ETddPbks{dBqd1cDXB}Kj_~>wwF%&<#zt||{=SOGD16TZM0T)d*B?U&8g-ekHUcDF(8%e5?Y|xj z3Q_rxxL@_PyCg{*hBi%`RkcM;WN0}|B%8?E{H#u5~oRC?^=VB!y?zj6q9aH6L{HRRLt54ft|2b{$R8t&MURpX}p~eT$ z+*?AQ5b6pT3|i+)W^4dYWzU7X=a9YvVAawczAsk2eCJRG96#$>oi6tBN82x7bZU%4 zl+nb%wP-n^jB$fDvi(?h`y6~ocmcfZn7p5>Vg~>^IIs}>#9a{|$@4ofBEYtKxbG78 z4LVE*(LDipBt$fgl1d=2njKIv>-nbKnMWc;M<^h;UpxS%QV1xi$h^0;djJe&2i5j2 zt6`LFv~>kAtbMScLF^u-BTG;UPyVmkn2%RHspLM}>`NKOi{G7)iP| z-Dr`c6r2;>?B}?8haRkqj5I;d|gAhbVVcF?^Ypf?W?Jk{mAjJ(6{SHG)#MhPH8m*0utkeV=G zzT88fen6%&gIy@ee8(M-t5AlcuHM1Nf8%o%iD%E%cB#I?%&xh4PPs3vFO4^|y4IN~ zLhsFf!(Kv<0)k}Lx_S@lE&g_QiSJoQdeFnx=pX~tt&kSa1oGkSN2KA4bDU^jj_23E z*3$f)6DMizIs=x}N9{jQq`mw?En5?LV#rw9S2o-+8(7D}YzM6XQGa)V)PLn+4pDUPR59l-Eit1;yNIG2B)1DaEhOL!JSO{_>!A!R{3AoKl{L&gFWf7J&?t5E@ zjOFc&9HZXObxTMsXozK%$(1dHF2HH?1;ZyxJX+*dX#PrRw-u)xMHw|X6B}6Q52A>L zR$J|r8`9k4O(L(jp#-lyoXijxYf5vv(4?=w9qxYN=6WZ(?#6oi?+7eEN1hx2DnrJz zHe(w?_gyFia7tsqx_V-_wwKa=P08l&WZ;GoOciF0&@VXWjlPzZNUg;CFBs7G9R@@W zST}E20ZMb)ZMPjg`00b&ZJ$N6BVR<8vlrUG-PujW*pgn)SRjauA3I+$IfS`z`-z~s zA_J&;fxubNo=B)k|K&FzXlPuJ6b!pF{D8$>_X5-t{La{XP20afyF)(uzyF641SBfn!@B-7T z2!{D$Gqo_0n5ZZs>>}kJ5V3ICu3(Vdy#W+%j-|Y=O(n6Z5+$x~qVecOI&=Iga4z^Y z4%+?C13SI4;6H3PBrn$3df&+ZZjmd;V)!Tw^NTqj;>QwTW1cn%tD>zd5vca2M}C4P zh8OG2>2IQ)&=NilfYiiWV=Fv|zQcvBK}M$6+I3(A@xKAB94&mE^NNL0PRgFHk@ZyM z`P!wD@9oaDKHCq0YfL^!otvFdOzt_IglFityWWQ>yg;5T{6TVHR&Kk6&CVsbtS~HHA4V2!j zv^%iVAIO{XNU=Q)r%fsRm?7oD+gOFm*2x`UU(eP?JL258e#ed8m#dP8j=7JYQ?WeR ze*3h$BECaD4iLbfL2W#hYZwB8n~T~4+LEMk&Wt~RLXG zM4Te8-GjJ-D>1LtOPF}e@j*(Nzb$Ym5MkB~r8T49+jHJ`m;`d2;@Ffzx0cKY5Bfzi&8!QH=w7|s-4qOE4X=el`mFbOziFaHSD)gR?fKMRsbJPWez zVG*e{NhmAp8o}ej0x2^$_+KEtqa@H+@BufY?u0Q(084ykZ*^-afa&&mSuzFxm4$&_ z-;`d0l?WI6zG>WNtk)2g&O*rt{J9mYpT55!feR{u17;yZZ8Y+f1;@%@TW^2^91Ed_ zvCBoyyc>hc&F}+iv$f;%Abjl>kcfrak=ZYXvnLJkchRs(_p4ey3t#E4 zQL4>x;}aSTV{VVKhAR)C8Wmb$V_^9VXFa7oC*88*t0Oq_+K?0QXmq!r)U1&Jk(I#@ zKgV3D?o!rq-i>f#^wkHZxvCED07imD0ge00t=Mu8{VxN|J?n0?A7a8vyH876ID~#= zT0(9XYao^$xO_CGqK-jCz#oc7Q#O36h;IA{!K0B(@r}4Bz7TTOdPJQM{=$bgAn6H@YCd+dSz`{~W^fEHV=%G7Cp<%@j7q*> zV}XM{&RUtk4v_D9)?kA7f2dFFO3(hCwbjY!!FffQLkZ1+Zn8#muWYzi z7p5`Eg>{lzxEZi8^o;S!%!gxwfTOe?^4xD)xD`KFZIS?fknF;*L(%F-<&0RXdBD%4 zA|n;ZSN%}`hGQ}ag-p@NxHQTO<0HMFqDCrgMqn}sfi{N;Z(sOc8b|t3*8qz88`33x z6jQ-wjEq{TmT5jJSC{JGxnjA}Ud)W!pAXk7azgYd#z{G^dqxSE3Hs#EcSrUTB>1QU zJm6z*d7gg_wTrnj<2HpZv`%7Pt~)qGL|~>84k)Hh$Jw=zuqpxq1{957pPrvKI&wPN zEUM>Y@XD1jk5@$r3!X&D{XIAfPEe-5CmZU(N)r&<(P`w~zM6CiGCds#hIU=Z&x5&3 zV|a|2;Ci1@eG-rk02RhaajB%e2&kLHl~NiTT>GIw2oN?RW^4;Af8FzT=WEQ*$l;}K z{`~jsAP_96?Ygl>90jQn4i7vMo{tJ*;~U|?)&SAgO(MK4yzQ6!ZfyC`LE-)j!rD~= zdG1Xm`5(}KJl{sMeS2Id>rF&4>2en#8P)6~IuT)Ks)H!hkSm=Bl7)mO8a%ma*i!&<(@muGRr(1$@C z0fRv~;_~wnJoTzlss{a^Aj5q2Cj$`4QZQZ^FEy3h$iV_6xxZFTC!e0~fvn;mgI}iW zj1&W`5ST&-O(JF-byBSKJqok3AEiY`@8WxF!R?F%xY3U~v};3pS6<9MK%iT<*2o7? zhUPP?Qmh=vG@v}6uAzLheH!Gv1{3klRz48DGv}%yULI?938&_2S?+IMYJNIgty}}J zZef6NFsG`5G>glu7PNzhN&74tO>2U%e4+QAG_9*-RPu}g=oKsU1B^K5!t*daOHCN%HJEXnfq`ACNu29^u-imPmfacsXK~|jXp?)| zMn}CV+lOy!PuUA$HoY8}!P4x;4bH1l5FB|Eeb&lx`A_77U-B%(c;oiv<0O`PNyv3; zEQjO3ydtW>xb>e8Dgt^%Bn`J(dT==4H306!RfvCe^lvY=$_&Ti`qTLGr}md^&QPc7 zDz)Zn1HxfiEiz&$3B-zT8l)x_yO=I3-I)SoUK9(?`v8I91Kf5n*q+320vwVC^T|ip zP+$|iaU-oq+!iInSg$8c+Z!L}GfhF1#|O{qllI8995abdMU=261MC*MK!p`gJ$=zN zNffM5-b~UB9n;>EFA3?IRFiob$PpJmrfVm^f5kRlLh+0Kw6r8K?JN27vujS!8pDF` z;@TrF0XUPE1Rsp&jN!P@JkB;tL^^g`l!yT_<>z}NgMb@0PUIpTJI&YVae2y!?a+3fb5UgKh)6MhTGB4l6dt55dl8 zjj~I`ER|LpBH5}&^S{U6iHY);3LyyL_i`OcW9y%utKZ6q7}bheYHx}1G3jQ@jua)R zn38V*IiO~Ti4q(+*K*P(QhZ+Ds=<_ODqaX&Y;C99#V27IOOI$yrH}m3Tv|`@Ioz~@ z(;%#Ob47kz(u};;Gvmo{6@qB^+i%B3dHG%_0}6vDU_Z!OIcZ}J&5Z^1Re*<5f}{Yo zQ!dF#)+Jp%8N5@B#ZSIynEe@mat&D>wdkNVAXV9dZF9{yJeWfS*)@@=$cP2yIfgmq zb;rDPlTka&8+s(V3Z=gef*Ax^E-nyZ{F0HdUAjvAy>{F*A7eS+b)Rkvm+G!;I4NQb z3oFAQ--gi;(lFRncwz{_b;8`$q;$ZSU3QS>^}dsBU9hj>0CwnjCun|O$09yVi0sO( zwYPlkM^5Z$YF`PL=+;a8-IJ=Zgnl$xZGXDRL3&p-M7NYh0kMvud#NC}+cZx-A!Lp!}bj=4-Zz5Xzb0Hiql_^DUH2 z1Z%1vhNP<1V7`ZEV2(~iJwA3N;8XBbE(pb_Czl!iwCLsIE{`>%o&N?7{x>tRpWHLn z_Eeme$n%V#fIo~+fOC`8d(Z8z&pn>oTV{LS!JR37P6mX7c>8>EF9UiH?|XSBT7k>` zm|1TWb;4fTG8}T5#U>E&s<+o=j1pNJJxs}kqqr16^7_kt=1*dNPx^-Wy1^K9+{-ab z2M zp4+-8ujvyVZbex_$qq{_rEJ_x(_uR13W0?8q=!egO|dop&YLLmXU`Cy)&IGE$pdLs zjEv^<7P;CN3|ECu828Wgb{m2KrN06D7z7V`A=Hk{-@49{K-qbX-E?J2lPOFJh+U((L=-K6p5JIF|vd;9#;Jv7=Y_t%Mzvfpamb2`? zJ*%=XJ>CVF#334&dZJ-LsXirc!7+Y8E_agTkqk+#s7V82>lld_#2DfH)v0yOX@Rt0 z|Cm^LFP*fRIh|uhte-zro^%BjGTINC*vzkgxY2x%oU#pNv>V9<$@>}rYE~{j)!N_> z-22_TIWMt$1^B32k^5qHOHW^55hESd4M)kU#JN6D6&b$aLW*J|JtmhR6#WZ)zX0*2 z*L2=Xf#@1luh^j3O)zofHmKm7s4{3VQNjD^mL#tX_C5H6oH(PpEV6~p1hcP<>wVVw z<>!pYen%|?Z0?K%$ppPEFmq0Vff`*zawPN&M-~(J?*|s8GA{9ln?zS5L^EA0Y|2$A z=FYL}X}F=$S3MM2XY4?{6RtMVMZ!;kw&X#gYp$=fW+)JUqo8LAwsSJHAn8y)=OS>K z=X)}_@WY7mvHg*_diE^2$iyx0Bf9h3hr{2f5(1LOhrUZcEU;G*CE=kxcY25_O&4%mgo|Dy%qKb$62 z!S(b1K@L0YAvs$GB53$1GsqvjD%)r1`)VsXNPw>~TGvd8ybg zYs}P3ToKJ@wx%;a|L0f6qQd$#CV@&Q8vps^zwegB6Rt1|n$h!5rKZaN_?E;Aic{dO zXdh*)o19CXfW>{Lz1&>jFMX?e8?Xu&!A&~})1Cwv@Eb!ZX1Q%|+zss*-h4Qi%d64j zEtTlqn}EawuY%)$8pJ9K0sYaNpFJX7R749$fG~x5V{`q*Gp9hl6wVsr7@)2MkOdII z^_kFNDzdfEN(20xm1q6Q*?j34*X)D2Zrv7kA)VF-21oWAZ&|lcNg&%?m44fF<;;|u zFDqDtv0()q(9!w$8yuVhiDkT{?L#qD#6^F8yh?8O#a8PxLObJRrvNBFjCJ@Djv6QFkK)@+6@Gb0PS* z!y5%9R@YvGAV{bEQk@Me|9l~1NnzamRMKgTUVr}#-1?Fa^`n5+0x-DJgb>XJg~;F9 zob29D03&dRL9H}gKJ#t-ki}$kx02`ElQxoT5E&{sL_q3}@Ddq!5vMv7Kk527;$qPL z*szZ*Fty?g;GlHyA#CNU46N-j14iD{6^LGLS952Hhb9~q_6<+NybPF2d1!zg*ae$4(WIf?(?Jk3P?=Zr5mT(x!AU3Ev|1ap z8kFlpUPF4~B$$Z=R$my6i|z=%Kn1b{-F~tPsgo{T+XFPoM+LyfGWj&topR1*(l%7M-&DbiDF*I& zZJ(i75x^P9<4DIN6W6al<|QUgSLw>NbGIjM&s8Oox)-g;OF<0?FHN6xJ(kd}1d$dj znMn9s4$u~cnpGck zY}EZk3-Ol(n11Y~2P_w&B&eLQ@UNQD4kYNtX4j)ooA>ia z-$(%r;2W}{^P@gzf`D{@+#3{M`A4W;N_8WL(hs`;U#cFf8B+v=K~dNns5Q(vqa;B> z21RD{eWAfeTSR96Yr@=uI(kXg5}G{5*tx0vdP z&H#$8DF7;~=;_g$nVEs}DWwcvUOHK>H2;22e;H=HJl!EArn#IhYfnR9qvqEym!4Vc z2x6V6C6nc1H6nUfyOg+K{LXs+!~84FDf|h|kTv0Sr6ufG6i|RH1X4q!OF+U&{Jx~{ z--|0MP5?8SdH~8~MVUmWk}rl&c$p88m+L=PXcBEWnzJ1G!YvO%P*YP`1K#?w!@m1J z53)uBRu@R(ie_c=b+IYN|LrgSE8FS_?4=sH{Zo%s?^~3u;Ph&9{0)@;nWsep=139D zU23IQ16YaR4;JvBu>U*{ZXm!Q!oAF0UQxrA<-!9(`G4hq|I6155CZI#;m)rWGV-kF zd6p?3|KW$YNq|*|Kv@2kb{ZnZruW9{Ki2w>(Y)Rd@Zt{(_i|jU`c1`h0V(eH=^r^` z?eFh5ac?-TXq*thm8buI_>q9{cWW3AsQ7hSmJ}mZHl(ksyeZei{_|q!?@RIrlKv-j ztAI$Zd@sR&T9xhn0Jdz^Xaimj--vy&>;M0|xqJogh6BM2Mv(oa_8)#36&A2aBxLxY zU`Vqv6~1Fz_CF4YBZ4ahOCcI3%{R!rOlYftIR?ah3dN3;_alV`O zKTIDE0se74ABj?@YTfw`A~&I-c(dm_I2jb9#xNX zOD2sY;R4%f-H5vXD{m&7>T05chm&7Jj1be^YH@vl&5G(tQQ0161ozkCD6XaPfUFFt zK04k0jJCU6t{B2Jr?b3MkvrOdkH2`VKQ(wvWZ&+JRDQ>IB3w-<$s4A~qld{CQ-W`p z4L?-Egoii1E&sAJxe`v$?NLCOz_5=GKFwytAO}c8FBvIs1HGM{m8;47riOXZ4tVNh z^5SXlh+KsCW9mga6Tz^RhNW~?+T5tfQRmUW4ogZdyQI6;sz!EKW8JVH)w)Rm26uu3 zXYK!Kp?Cs0=Sueb{%FP-0bB_p6F&jA@@V%Jcgo$Wz1y;btj#~0t$xXhYV%~%+@QNiypm1h9mTxg-WSc*(MaKNO_LE!`ljtM{_pyIL`@8n;qDSA02yA?t zz3l%n$${_G;XIu32o}lP87Z|xa#!WMf#Qu6hwvK+Mktrorp}3~|Ncpw8=MFFy5y|} zIO9pS9>m_r^@%Y}7=j2NS-=6Zh zZx6L%X7biOUs0+j1mN4H6f<46F$I&l$%QkK2?f#G^BT@c9ggQ|RsAOah;#&t`(LFb zxI?*A-o}F+*c@m?R5x1*er8 zQntvis#vANK+m*WIAvttHY_$XVUF4^;pYoAMU}6u<=Ri>W;Yvp!bSFx{U=$|y|qV= zUp5PlS}|%l33h~d!~WTQlf`DF@F~=nKmX=rSe7$TlC=~GxaW?)z{U)>s5Xdr@G-!m z_8hSzUuL z2}u`uaB}9U(9uX=`@82G{@rylDEctuNJH^d$nChke9c>VHK$!n=f`dukInWvt7X^& zolu9Oh9Ua+g&Q7!@8TsSt0M@R)dZY;XUK;NEUqOwU)DXmV9(}tHO zPAW>JQNprakEhvIBdS7txi<>>W35+@$Q9#k)fc(NP5svEK#hpTAK9vC01e007xDYG zY^0|8;5S38ITMk$k>6QGN_WPduO|w%K67Z63*`ZrSmF%Wl8Z_8_DV?Bm$Z*t|+ z+vF5QGgfMB$=$E&A6}m^;WA6L`#Uy_zW0FYrZ87u@2fsemKyos3X~UJ@6Y$rt5o?` zYd?zY+s0L$72w;CsiFvVXbj0-7TVvDHQl#r?5;fT`OOaYiRnnUA*zc~T0Ps&Lx`9j zBB%YSSCK@tqQXY9rA&H?84P1{lU=KnNI)?Qm@I(^e-@3i3Z zbo#^zf(R#Tkt1R8_mmpK&4F$33s%*Iq}h3S-^a`8BmAA_8e0}nx}3z$=d>n^*mD1T zLuF!nQi79V_})`R0_RXho+-%uH5li&UF8 z3qYcVYxzGx$zRt$e4Mxse;%(`DMDkfo=(jY%1z@(A}u0qS0$mPSI!F__q*L(xg^E1 zGj>_CU5UPlUi;=|N4B$sJh;8^agq>1zeluh7`{cRwblUYdGzJaT^v>P5x&i0Zk!9L zLk85ZK_1kY%gH#)%=SxF1U*(L?#iz?_P=8%CBVE1?ElVzm4YLfC-NrVe8`$f(k`87{^T7|k-}*i;pqRJFJzcAbO0e#3v8=kO5yYnkGwOm33zchaBLaS6M z5_;~AA~nH(j(!pZL)iI}tw;J|m`CBf(z%nazFgRjC{U7i9Adpb-P96XlhP!Q>2`N4 zK-KZMr*Z(3cQPcmC}TOLv?6!#_>y+iGC&6BAg6i8fhFH}RLXz9jJH0c3=;k@ftyUu z<%0&_YHQf3Y0qy+?{w|G>xXy=@u| z9ArYbytUSY$K%&$@Gx|;Qb?X^{l}=5nEzX8`4gNhUwcQB;&pv0w{w{MmujhYPkSa0 zzK_ED+(EK}!3i<8_;^P<9bcAc`klSosXw`xyyAE`K6^tCt(&Kw+1^77MP_Ud1|#SU zIiC~pd5CZ2I={RC+V^+#oudZzx&|RsCL`xqtZt^(Cb$GUK^|_x3SaIzwQ(r-!^b))d`!T{ouBb6WQJv^u zXNN$Vc*=D_`LMc|&BMqSo4qIPAeV zHJcTd7f#0&2)YRuI9V+#u9mam-hI5I;j}G995u@~OSzhCHA`|@W6+Ogo$`yO51l!A z4xl_A;--qsLo|b^)}w@PAr|p?f|3k7Tbq;85q+=@(T|i77`fYGv>?yOlP-lYPrn}~ zE67O;^xs=goioC1x;j*3=HvQ66LlVXfH&Zgp?-vd6TMKO={AH(usN%w!`sMRB_e!# zv$ZIff*c*VDG@0XISDiQlm5%Duy8wElu9Mq7T6b0zr^DecLF zi^ITsF4jeaIOam3RElQj9dtq=UwFLv6;_1g6?28FZ6dAcKs1xjRfH?ZgQ2%WSj_Sv z9$W{4334t_fk%hYPto|J>w-m2eWjeF_I^<43auPwu%Im#%V>!l6NZ$1n)=yavuBC@ zUlvFT#;lRe^nc+c>-*75ifMVeUn27a-f?3`XoKNmyzWZrnr^S}vNqb&8h;LA`h_XW ztInQ0li@TcXLg#fa!IrqJ0`Zt2FjiE;lcTP6)3tKCGnA!Qwl>-UTOe-?|fmFwGX1GKLCJEgydd!s~PgKITn1&8SLk=a59Ca>H(xXBRosg z=pd!>p-FQvKhhm^bF%NwST^(DITQ;Sr!7&c7V9NZwvFusFsWZ~7si(vw-pH6$#i__ z!Hjk`$L{Xs5^rt_g?@L%tnMB`HZGd&sEBUd`OKLpa)TKd ze`GE=Zj4B|mlDuV3DTPVR%-=Vzg`$Dgf;C0Yf9&$KHjayzQ#h0oS1gCW6m+Rw>%Z1 zCGKsijb$}5?#aM?dC=v->QQ_qyt5}a^auUr;!ZCE{T-K!~QCO6$AMSz+5YSyB z9@;Jm$cC9m(;pbl-2*f5hneYvA*`-$#ds1O0+BJoP@nEVQW^2N+o{XQW)ApT6p)_C zjr~fhS{~y^n(&&#gie@^AzMPr{pOeMm9c=&AJR>1z`fgU*U!MQ&r61Cg{=h z2!s3WcEcC8tub|l$5p?93=($a8T2cEq)>lzIQZ#qePBQk^7Q@joXC&cpS@WQDwCp|5ro1K|HHr9W zlLp#T5g-USX6P4cK3uteFs^TRkmG86gr3uRisb_p+s%99=-4oe@Q`%Iv#dgG93eGQ zrI5HjLFOEtXjhja>>!xr59iXPvi=dZ>-hA<1~d7o)^-ogb93fq64G()Zelp43@x8O6+zdQ z?m-x&J(vGJ%OP8r@qeoKytmiOExix|JGluf4R9Vu((fkz(Z$fnJo=>pTRZPlTvDB` zI0meJ281p`qd4=oz0AIE!4M9dOv>ujq4FXs(YRVsX{Eh{TE}KMs8!$-KOEyt2(++G z-GAXr9-Zv89xR3qBEMcKHkHL+yH2lI!JAWMs`vUZVMZ~v6jsnnzEt{zx8)80Y@bFo>$%eBwNx6|R;vN#k4ytt$Wt!DdVzB2xu6uX9o617V}!?R-UR5* z3p=6Ll+STBjo1Cph;}V3?g>1a(gNwGE@NPzA(%sU(DcKCVy3-@2#zN-%SI1uvV^)j zU6p}8g_Tv{NcNK{j>_)WtH%L|DSR&C1SyuV74G&nPh#@Xa5--nBkziNht416G#04y zJFNJi?3-;*I5VS4!YK_HGIOp;R*maaE4V*jK}ZQGM@Zw404$DydR`0@d9FB=+h+mY zaXT8`GH6cbEPyXMC)$|08sO0(T`y>-cQ{jKoA6maqeE9wR5z`nw-@y)`BY>wNMCZk zC|L+^H5JiQidl&b6;{%{(1xJKq&_iZ zPWO3A2>&~{c~{$A=ok)p&D@es4d=IuO>U3Z6Q_lSr)t_qUq-!|e505avd}`z?;$?0 zik%FP(hbN=&R>)|+6}O($^w(fc{ie|EyG#)1U~0_sXug;XLop1IV(%okVfEQD@BJT=+9#Rf56xaOrgk7${YyZ`^5>RU(Xp*ngjP}3_E&_15%$_7cM67WUoh+L1)6Y?11f5QKiGd=FkEb zU%W7Jb8avuw9M(+ko{gOJPx$CN>G*`^C@T9O=?uIMv5f)buG~*CC0^H(h=fl@&&x7 z3n<|o1pIkSx?{2i3;@Jp5Z}SJfJx}6MS}cTC#ofHmc-N|Um_)bOw}iHuYYost z{^eFL4%6}>xKTqIQV1Kq!e-Q0YQq*SL2N>7bLj8iEeWPTgRDrFxtvh5Hr{D0O>j|yRtStkqZNYpnLQpwi+Jt5>8L%oS#zm(GQFE^OS z>R;+j%c0DpyD*g+OI=4+h{K_?D*at7ha~eko_FrJf|?lPoO2N)H0ckJF%8Bf$yDzy zVKWe~rqG5k$3$wB@uy)9mf=5y@kjlCoY%b6)+{3q zgP$QWH{D2^q#Do=($6Y?ayqs|6`-UbQZK)-*;SJ=FU4Haj&%P5XxtDGH5H4br*Q~+ zbd4%w{lOX0c%V6Dj4BkXR#&MS4fygJbZl-AviUDvk}b)Gv!BW4l%6bXbM@j$WVFy} zW1fcS$OQ5zzb4PKDUIKZ2~k{J3+dKF;09t~Yo4WuQbAeYVg@9&yy~JYBJ=}LMA180mqpaaEo6*Z*Yzxn5`6xX=}QqdDx18 z^r$eJom{L7+hYZ$%msSCyF*VkI_wB05(!RU$N_U;YgX?Bhsi+2#F*GVtT@s^Gj`W zg=DC45F+BFaog>`4PgmWe^MGqP+urA((8E0l`&J&q)QBjL~v}iSj*cQP;Q_zD3ROu zJf7eBO2Z5Bi(|^xz1w@LQvH7VE^o~2EpxZ)**9+=;%-S^ef8>in;;OP9%iG z{&IgZ^C;UxNRc>4uB7lSqi5CP&!rcfxDq8iFz^URxWj(scal{IRLl#lbviNTd0>Bx zSHL&QXIh3AphpY(Vj!3z)$Ae77bK(ptRQ3?1A8mS7LHkqk?~&{zl~t9N|nE3FG&iq zK?d}GaBxUEg8fq=#_Y-#m#i~lL&7?9rnJIX!m{Ef`uRY5GBK>#&-|^RGoFMx<}F)(w#G^5vTtEj)d|Nza}u{C zpk7>h7{84;EERw5G!N9Yn{JpJ)Zrz#JwX!c+ER1uk8w-xgvlFw>|&A~_iz;T)h@Y5 zpP<&Fb&)?Lp)QDiOp;Q_)N${1MG1++Vw*?Q{XzK#A6&4W|)PJ?vZXyOGQA9D;~)nc^P)PjU3K4w)2?+ zvZW!zcW}e;B{b)%SNJcEhe^8Geft1}rjIj4~gve>FZyPU&((ncp#Ol_25KcwS zm`Pl~e4FhvlRAGmlxxsenxcW~eC`ofDOtS`zcrC;;NqLMy*C%J&TX&26EUu<0c~qi z5U#R`US%mg{snp%$(r{@cmzXV%LIw&ZuV%s0>`EmX8g?#liX}Xia+8;*NWWD0quDM z;hf&f<+k#q=o<>g@o|`W!cb^!u_w)=UepKvyejeerL{nDCaJjR66Yt-B-hxDMY`C* z1XS|H%!DDMc+^lQbEVtq7*WvDq*pIj1yDDjr5b^OF<6+6MPJ2!Pm5JL9ggY6S7cP;L0uL2Z z^ivnxIb|YW$F{$Q-xy{`1eJvsA+32=)Ged&CacoWz>F0t(T`pT!(4MNII|W({WH@m z#AEtC%~*p4Ocg2k7rqj#cN04aGBK$H@TzHPPmAR7@@UILstO3GcdNLwuNJD!VTXR$ zQB27gjfTw7+-H5eo{D4o&e-a*D_*~&3>Q!s%gtzdv#l0`dxb`;U)gPSgiiJIP)E0o z>MtkBus=BJuSA)k5DU;sAYE#C$BTqgF z+TQm~9ITMEU9fkw$sp;UqLTYfTwKMiW2o2xD*PS0qn9BNnyqE!G{mR8QeB2p$(BbO zZ{n;*3NFj*LCHG( z=4)Hv9ex*YlI`ee3P%JUS{5^>7a`8nf?B!;hG0$>9ys;tG9Q_tBttoghrgJ?@0@h>)>Hnx!`YsHQO-m zh}c7bkkD`RD4X`oAmdizPK6hB(?Pu;$7I?3P2&%;u!zDnPOR=16xsG*KWJc?4J=&m ztU^rqW~ZKEcb~^lEnq|k&p)(^u0DDI1jCrG#05Oq7%42CGUQrpn+oKH&?{lw2F=P| z(RHTi9L*PRS52-oHu`XVS~ZRee$P9u-IJ(g6k|D2jJN?jzp2Y#E~pBo14UEp!r~{? zXoA+V>yggRX?d`gE&a!J6)v zdFxa3R)^g&?^TKMa~}Qex~J{%^=LW{{PmTS>LL;f-!_9AivNQ{Pu$GNtHk6-E2Z(H zFIJNjXA-#$Dd`S~`vwpxErZT(gMWn9mMn~zgpa#|5p)NMrrABQL}h+1BcuiTpa)C$ z9#BVtVuY0$$Ht?+8eq{d?v__IAVwWy+n;{2)!}4!?P28U2ti|iyT6xJ+LM_^Vi4g+ z3@Hpn#mlGUyS+b93VP&BI^3c*6G|0k>SeiK*2Pz7C|jyLwkRjlM?LmA*}v@`d>U7( zyd3fHYBDIab@PumaY`nG(}^I_+0fw{k1bul18dSH2)YSF7oD@uEN#WTC`dgTZLWK=1OB#P=;X zR4b{K&6AGatL&rfrC|k;tFP&zS=HSb&Tv<~4jE;$W|i~Y^93Pny+ zJKJ*M&ph^dBYH!FD&ldsOh1%PA2;#@_-Jt|3HZ_rDiFzS*Gpx9?m9S%U4Uu!9a+%6 z^O;=&9its2gI|P8&wVq#2ZxmwvFI5VMZAmxmVgdK+C~GOyimnxycTBLrYv|zqoe*p z?Nv2(5g|j;Nbmi`mG#b}+*01ERoMZ)$!I0fiek2hD>;4IQ;nq8iHP^oU+Z1C`|s$} z74lF9dP}J_X&R)UXwSUwZ8MjTg$&ig96@_(bO(VKu4vsKD|_{B6FV5=^;7R2%2h>% z=T6zWxss+w@KNnI^#l-WGAOFNsn-6Wl$^wwOWf?l{Nj^Y(tu`#Z`2oR$oeeHl2NZ| zrqOyPHJ-8p=ivn@DJ*C4Mivqz@pI77hyNRP{rE-&Me+PqzQ6$Eba(1e#Y5WvYU?Xt z>WI2^ao2+#+})wLyB*x!rMSDhyBBu~#oda#YmtK%D^82srM`yWYrqbLucZyGNS|(2k%*B1dX*};KoW4TFsLR-`$0wlH&S1 zRN{zP_~3I$6UD4#yOCM)r4mGNQV9m~&zpJNGu|2kh2Eaw=F-}Og3R6&ab09T039l$ zYvASkxZJ4%AYsdJxV}d8niiWp*50Hb6bgFWjQ-?YJu0jMX-;bk;Obt9bN0N?B4E+g z?YzT$-%NV6dJF1BxXCN#svbD_Plf5k=m74k%XVAohK`5sVm|=?ZVtS>f(C_ zmf=Nv#U^z!l+U>Rf-buB6Y8>=IHkHd#;z{e>DbIEzj=9r*3N;hlN%s2n4FByL-%>xtoU;(Wd`}@QTCC&az+fHnJBldqwJdeF zo5P5w>2p!;fqP)&if#HS)J=f2G|r@9RCiX6DkLJG%iV8mX2AE=-6pzojP9&h<5s-h zzhhm;WA0)HMf?$8ic3P9C6psJhgl@IjhH1T!$_&z0Xrlb~p%6$|fp*tjGC%WZi z`AY;v7cB=wL8F_txWJJz=+yN)`rE*^I97NM3xO2Pq z53O{vJd#LmdS-))skO&(~0g!wq66C>J00Lhtc9&tyWJ7GBTLJAoO4^<@azD~Z{6;8@Bz$QRkv zN7(fo2B5Gkr(@3q`vNHxw>}94G{y5bo6wj;O#(iXpk{V6t(}^< z9XYUBmvQ!H~Zo~##+1X)8lO~dJCa{B;6$6H6qc_B}wpy{g z4ErOC+{!&&kavrz0zr*Ij3$PcF&1)KD*QERF26*xycjZdw7+2Aytlu$gN6*(JcSv5 zhx~mj$7^FBoH2KD9q9dgROkRp0Ayd$ytl^@4m zZ*u~Vx>&@O_jza?Z!91a9)#FQI&lOo^+x%~bGr+%D+oo!I+w%xUswS1Dho^Kb}%?l z@9t}w`Hj-~sUx!I&1mw>pDCCE1S%yYm%G%yNze?zEOm0=+Ok1B!RnT^oNN9l({*iz z=Ur9X?W@4Iegq%4Z*GN@8&`Q-6ZXj)`%wt%VlC$0OEH4Q@v5w9chfrs z4s#nFpbHW`8aG<#(o@3Z4-4n&*-yivxk3G-=GiSLB#VF;(s2`704vgW3vBH{2S#AZ z4NX`JA?~t1>y`Ja+3dkD8C=+2px!#(E{MpcEqOO{IKoNJVEG>L>@o zDQjrKBn}%kd>O3xD#e{x0`Z#0lX(1%MVNJXTZJj!1A|jNqCfthno}Nxc86TzhIKS9 zOp2IQ%GT*Ht(G)`(AmB0z=ez>HmKdP5+d0Kh!^CPr<94W_x*rZz^IPkM50h290dd0 zBU+2B$v#|YS(YsM zY*3Htz=YW{Q-WxmV#x`Sx7jt<7NTh;yL9HO;l*jn&Az}P@CubI{x`fqm`>8wyFk~s zU*(5(HK~8lWoAZA_m zR5ZsRGgqn!$E-KupMksrXt4Krm9g0qy?zxPsUX1@cAvM>4m8^X2g8B-B+*rDy(rtN zl|?84cW*Nd=hVh>7*)ny%mNs)TTEwzQ5D`wCkkW`>@})ndT0(~o}doq{_BS*LRmHj zQ3@2RBmxxXs}G?@fE<4)r^di6=FELqRFZ^1t4N(kXXu?d6;$irvo#!COf;IZMcBAY zy@>JAFEDke1JT}wTot{TCEK|zD^%%-tK0>fUlVkZBg4e*@6Kpu^CJT)rcBiz3ptTB z8en5@^jOIq%fy7ul=?;C_4B;@>{uO~CXLy?CTh21k?@#XmR}|Pq@?DcnvuVyLdQLk z1aPVrAdfyeBgFB7JEQS_pi4Q=+_fimym)P9&r&D1EPFiEWk%Nx#z4laY@Q?Qch*68Z_in#;bg4xW2A%U429&L@go2%_E&|vc zbxefP^>;xCK;|M@8`K0}w(qDvo>-H<8S61{{*39 zKk6=j%PcpMERJXKI@smMkFSDoK#Y7t8-5Ue@$6I;r)G!=_3I&yU>kgFPXk&w=na1+ zp~c3(3Ia=Qs>Tii&E4g_$};`vAfYRh}>7qr$BJt)F4 zTSgljU)e4z#)}lnP0i_w06EOL>!S46Um^&vHR$}IF`wx4PS%Ff_EU?QsYE0P*=eNl zw<_tI)*Z8QkkhgpgJ2))+f-IL4%{hXjPTr{E7h_K6heAf9$zcSl%a8`D0llvp-yIjF& zYs?jX0jIsUWi~T9OujOQmS~``o>+N4AU- z0>Q>VyR+n&`k!ewF-4MX%vKjrF{=1Q^)qF?)VJZGH#dX7(nn(O?6ekb`jzPe)XANq z6pqVD)OOT$I1D!ETGPer{4zA=oj_bq> zW<3yw(X!C;ZsglTP0Kz$J~6$?BdTF9Rh1pD-Le=i?0pF1-YTZGx*0c21gC zOI~3f290}SL3*ArT`Fke*ztzDU_u}mE=Mj|cLksrUkQ$~-awcpGMon}QqD0CbpYrz zpsbPe(0KYOfARQwE1VJz=UTjsKLxTi5Fk|C@FX!Q%lA;j(p&X2IjXUmUhdq#Kl-5U zE1(aSmNhXn1p7)4_(;mLkL8B}XH+CD=`&zTXBpEfKiN&ARwWStnv`7RknnO89TM_| zWl|7(234FET;kb2|MlhX3$<{*YD#&6@Y2u3C*{R%*E_?0jumq)!kXaG+dt|3XE2~H z!DC-XnOkR!AmqcWDX&wd36>&LE{E4VD?aRc)cej^`5La{x-Hbq5;I+Ix-T2Wtl}i` z2XgqCVoA(gxDm_}W@Yn)iOh=nxQC-e)M1kR@crB4Q zqzuv7oXqBnt%`9XMFZG4Zssw^wZrZ%>Wr+J#;4f7Bjk-W98eKz?d!%t8$;DMJpG+p zFuF#$ryfiyyn-!QRsKNR#bOU-1d^CZzub$~6JG6p8e}$9L~Y<<4{1QtDT$tjYPR7Z z#AoJR&Zf!TpuBSm(pf!;JX4-xmj*uWV8rt-arqUuMgQys#POSt7=?GU#9h$DM&p^2 zJoWgAhhQq1#L9^9dg@f3Dbgv~I5=Y|aP%Z~v;~^{Qy?dbYSP*`0JifG#EJYkh^IA0 z{j#lHVndAU#^Eg0K>GMSyvnd4BGx z^RQ>T;le_P^4pCuBZ|@c0rwUk#rjthI)7nUWYJoVux)c)XSem0&JQnDpu;Q`3J*2bQ&DUc+JZRj78Q>0QB+% z1X`%of?XSH-P1Dm9b8%`O0^}v^Q0cXOp0PG3XWmKzSOjH2WHwP+$-2ssxr9m-%VGh zkTPf4J2><)j>|+tKOGlH8rXeB{isGNJhM^91@p#QuyQD3aq$`gpYuZaV=m2`q<$zMik%Rz zpEzueVnGtsyt%}eBjBARErvO1jufx_E&(aStAT6>I z?MCw5i+4W330OB=xNCo+2o3Zt#1lk>=l(`*PGA>=t8L7*$FFP#dCUuTq4IQHfyUv$ zN!jQ<1b1`G+bAizIX5IX)E$@oLzis0-aNk^4~K0G+`N2Q4y{PgB1=c?kP% zJhfpQfYfooli!S0_aUAH-$;<<{OR;b9G#4TNOvxdWhu`b$fFn9QKfU!w6;eZF&k)3 zKlX*_Sx5*&HWy-S(=tTA>(<${G7cWkZT0Ta!ZBhC4X+kAI^ufrRp*gzcwsC%2knXC zB9yUT93hrzUhanpzL9u6Yqn732W zWZh|2-g=+m5zD^=RbKW>2$}5IucH=Ch!5PPI*r$CVZEntc#KBwLKfsM6{%LiZ9$&X zlDlKVZs+#l$s-^?Cf0s?wc)rJ1f2s1s20l<0A4k>Y#t{DlrBCl+URhj%0yYaf?4bZbgp2cbU6=W;YCgmIFL0foz7KW$ib zGv=Mp6)j~6g~MSuQB)V5p$j<>mT8IPg582H-uX8!DswU-doKG{IM)I%@60c3;i$(I zVQ``?e?{6<(lk-7u4f+yDU3SX?Npi%sZsUPm9jW7#=}^F?hjqRcE4tpu5k{8sfeJ$ z`_mx5so~r}Ly^u%$eP{FTRFr=}BCgc?sjGi}N5R5K z(vkBXU&(+B9c&8eUq{8UUE4%Y|64JxK4I$O*tMvhYye4O0(W%mPQJk~`CHzeI5~oXdmv>Goyn%7Hsqj7B)7+>sERRKfg<8a&W{ z7f}Rc4l{AN=YQ|WcE)^iepbS2=p{V33&4iDLaYFx!JN1)h)`rn}77f zuk}?g@;52AW2ezG0M zq9b@Vt@ovvxzpm@#R1=hol70!`<=UlIJ#-Ua8H4w;veGnb0aDyEl~}?1PqKn8v~<+ zS2aNMT?rdYzH~b0nL%-*&Z~|sFFP+vm2iHissQZm7;U_1 zctj%+Y*@me<@-5ZwXfmsG_tWgMgz~o4+X35GtS_$!7$he(jb>!l!2`g4tDJOQfjNV z^1C|DYqQkaS>PBbR$N1TE1Db(1t8T*y=4FTC z$mvTg9j8$$3HAcu7<*I zb{Ob=KqxN(Y?b$)wAy0Xc2-RYw|ynlW@46BGVzRcruoVA=~~941#SVQ0tPLT=*2!5 z{HG;;h}bX_D$Y&y1|J(@PmRDs?Y4f))B?bVk6-fyn?Lx`lRbfTR&hA)74Ip=Q>83@ zC>L}nXm>LbiU-?4@8&rO@T7U?%=Dp5wH{^ff1F6#4H&Zj_WNgB@%=6`LiOVxL$Km` z0M+qdCxxC9TcsK&#_N@+J)!%(e}>s-DIF7s#YaH~wLigEKaiXoOL8_2gbLKKmXWQnm5*{=X;EFb5T6W!(n=GGB zjz=UB+*n|;?+s2)IIoPpIiK;u{QTS2z>hs*h&(cqi1o>M2{3=7S=Ei<#*K4iZXO_- z*PCd0P0`bQySd|kul0qs0L2oF*$dQ#MZGNL-Ps2 zq&Lwjz*3D8iD?1DaNtvDFTOLYfMSA*F`Wd8vmHD07a9i9XuRmFclraM_DZ8+KEMl8 zP(iC!2!dLFrXkW~th2p)Y%^sNi$-kLIf;Gr^6&6%K9~86CnL8!cA|?f040LZglSN} z=zZQTBFE25tfS(EaLi3R>E`+UxMp;V9bb!hHijt;vnF)u zMb9DHFj`Zs3KtCDC`+1lEN#kK$^0sc+acwLuC+K%_8T8=sdU48=gy|=W4g)l(nYld z+06iV;KOJ{soP8B`g|V!GX{KTo+A_567l^ zl+Sf%t6HV*?>cl8I%AVXxh1F}_qUL`^j{7_RoVTYbJ(G6S)QQP%Hm6m_#{+BZ zN@dBsQ-=xrsq;KNg(+AP7<9}@9r1AdOIfVzl~JUTVklG-1IY#Qaja5@IZByj8;f*J z52q}(7FhC?6b~V=nm}GzVBw!jV*o-|#1p)NYz8XEV0~iA-*R(*b;#DcKwa(o(wWN) zJ>%B6axU6ou`-bAGSDta8YN}6pN+M0p8lO1dI2gS;#4V5|C&gZ^eTNfC}W8WnZ-Nh zj#Rm3U65q-5uoFfp=i6@ak5W#8jwmOA(f96WrI=cXMsDDH*4d>jjBspE~qsK^7O2C z*0yv=|3rsI4O3!tn(~1>^Mqn;wG()B)Il9DtTIq2UCql;FB%+NaeL1hRd3k7tWt(F zGzF}o-j~uL>a+LqI6z$Y8)R9 z%7v-ocbR6fOf2wM$LJAj|{cp{v8`Sl@W(2l3}iWIa-;*q7i+k2iVd6h0oTy8n=4!c2`_E{Pp|W#BWA}sJ};F510|#uZ`b=^T7FzSBh9KH-%J?D=J_H$?07B{%z7~B8p12a zVNL|*F0H;2KO_7|EpC*LIu`4Zk0T^gqTolyH4ksoB9hLtg6^=h_z5HPfM;vjsnRGY zQ6)YXQoy?8v?Mia0UO5_EI9wP7(mGUOGBJ1if2Hat!iPJ%EDfXhiXLD!a$0DPc{OH zYfV3yEv~hVf}8;%5rUOOSy~7$x_VxKQY!aN#ER3}w z3+b^vC2Yi$0i&^Bs5&ue8S#{<@6_L!n>#s11P`=&06Y2&>O@p<))YB52IIX(jNpy@ zFi9j(j)=93l%%2gfc zUPI;ja-YIOqDlzP20GdHySy}EvdBtW8pK)tI>;q47~><){+;423?5DM`qRns$QmRx=a^N6!=Ug^(Vn@+hE%pd zXOdKKLtP>sMX6*25*TTdLW@irC~Y>>vJ{nA5UzH}CI|)9y@Dd6Nbxde9*uW^T0LTw zPrjee_@zj>QSN2N*JP!ChH;@wVebc`yvc8X%R4_F$kP&rASkhw2B_WoUHRK|YiGE& zu-QJm*u>NGn0`X&+F37Y2(07ZRmw$fshbR=7yK*Fe^g{fSBl#qp|{&RG7NLoC+3~m z2Dv|PRctH2mI|i-Teoa79DDIOd1`_V$-~%vtjZ3!5FeISnUZDh!=rGUX(KLjFn3Kd zpjhoPW!kdG-m*M}XO*1UubZT-$OLuMaVq(AD)F}!vn@b6CNrj#bdtgtvku!Aa_-WI zwdIcFxh0Gb`-j8YCdpK!gpSMW%nO*?A1<2Bx(w`okT{1~EE0}_KAFqd%|Tnru#k2- zs&4t`7UCh#SqLp90Z@${vQfTvvmGBQQk#*;kglDKrj>E~(11cOqfUY&jX0VWoTQg* zBr`44jNoh7^!A=|xfmi2oe_@S?^{sVz z3e4wi?L~3H2b*K??Ps)d%@JxDY-}&9D6wL_&ad#39wZbMitJ^fD?wXiJ=Q=$Sf0yMtQ!;$xg7$~2HC$8;5!Dlx zNy_N!@7<=nm}6J-MaZu=-2()DMDnTT4F-{=0plp+1YtkOubW^L>r@d_-3-2z<-|b# z13dPafrYV2BO&0kmKKSIaF8+zs)jOahHn{LZf75g!b?{Cp;IsE57D6bsB_XyQ%oZ{(6`C0VC-c8 zNdOB9NB#N9E-ts@@d$a~!GQUerXgPBa89X9re8ClAt_Z7Ktiw=^ zS$S()3QM*25^#RR*wo+pe}z+Y(GiP=<{dPwqDnA#8pH-QcPxiM#pa%b`g$lva&!yL z(}ESVYU?=sz3rBNTI@#{P%@n5QU>sW$$Qf!bsPLyVZgrQ7&^4aTdlm@(c0Q{=Qf@B z@xO_tw}@i3$c-B44K5U7U7NLVglOx4D{!q7wo_UiswAjkYnPL@>xfR7xO^&!biX<} ztw8#J9f^+&NTjR9;|{g1O^C_=9WpE+f5$iIdZ5^%AR-PnyHZxJLs|npSYtx*wSHgn z-+@KBM+6aFfwplM6~i;z)gO5}oMQNB;tD#C^~slb0P9yk-)`LVIDgiYN+>v_i7JYwRs0x18*rSiO(xehMOXT_`M`Mo-N;wSeKR zhWP20r|#dfz;f`t;mRVxI<|g#dBv^|zaXXFo(`w;{xosb5^&?p4BggGvtJ>C>$hu0 zZWcEiiDL8T?SdQItulN|d&W(g%p%*6R5d!P7@m<^_78?uMfJ3=BI-$oSea2p=DW>i_8qv1uungAcfM3JTA zw6t=3Sx5R~zwRH%{fDFtj+wyfhn|>z>b6`N-9^SWgghQ#rdXpjV3|cViP#GM_lT?w zV_Z}vsndK@)WRg^?{er);uOzC5Z&dBZR0ga%?Qlr^^o_x6lSn2CrY{rAPqC*ByQ(% zP$R_`{D#jXZ`FbvCQHaJt$m_}+EN+ZVk@f#C?{ ziZP4~;7YMU!D0OoF}ymkDJ7;qk!_LcL1>S7pZM-}TD zN3$J`cO6O>O4N@W9kX%ewHFfL*f0apH23_@5g!$xgyt7?zu|Xrr~mWrjXPcBjzX>= z|GngHHD3Ky%zDrIL-+eV-0F57FAvOJ)o<4;AvRh=55+&W4GH&>qudB5oxrWBHf5$KZ2C$Ea(d(@eexAPb!<&l@n z$oxfVmIsxcZx~s@kGsv-7YB-rMCdeWO>#^wg~_cz@#$|zlp)P@>&lBrr8$frG< zx{C+(Jhq}_C&H*S8G5T!Iv4$RG$OXti4uD=zmsi95k?R$QJvc`FU6j%Xo|JySk=8= z+CgN=v;7itsG^tbT*X>iUd(E7>?LK8OP8)lj+z<(q~zaOYFXBxho$<-;gWil5H*mo zPGJvhE#E!*m{TuLaMqOp7t}r8D|bdosdMz-URRZp^F5Wsx%xv&DCs;!yP`K?3%sCt^5zID3O0p^C(BR@6;zr?o*^*@pU4 z$rdFeGW!e}ZR)0J`ng~GPP?tIe2^j6|1t#xzO7KWeS0I5r^kX-C{WnL`jcB|Pl3Co zmFSTMax4gTvbDc{ChC02=aSv&YUI6lI1W5!&U@QdoA$g?HVGNg1tDcySXJbB5o8IB zjU7UJx+kGTh~LTF>axj1uliB4 zHA(F|@uPlwdJ`Q|mU{LoZhb>@G>IxeKK0b|pKqeLO(y>8XI;O;4vnE;6O36aZ;Ns% zH!A$v(?o-gAEad{ITy?67jU_c08B;yl=V+6nNdwHsndc6H2Gj5hHB!hx1Fb7 zOc2th!1N|k*^pZe)eyH~TyyA#mVsxx0Cqny>@JcDiCS=#SPy3n*m33l-55(X zAoB9@n?@Oh5kiky6_!e%`z@DxyR;OdefyzOIPKcwzqr}LQ_IZJ8OLc){DGft?Nf?4 zns-;9AsV`Q(TZV2gL+=1a^F87BZ4j1>vH#8Wm>Ie=#b*oyi{*o&B7)k4L>q4-eCRX zP$E4cz9ejJZkElDZ2iY)F!!?Z@5+ys%z0FCfvmGBQHfg&{$`olkmxEX()Z`JY-2x3 z;=gwlbqwbqOK2ela!zL$-W|&?OLu(!V3w!QInjUH6j|Qjt*1xP*2;6ZT|g(1rcUSSgAvgK;Pem5v5N(7pmNFn z5|aGrxax1MBtXNuLJh`wnI>I%!WxUAdd8LCmpXoY!E$zmz#C|V4pcKPz|ZwJ`Mvyh zo$um?*$hI}m(Y2wS7I29)%|eDjwqE;;iRg-CpuRv5P)BLxuf$KUqj^yozg>OiYn%t z0t*ZHn!5@dc8-}mPj=lS0pS>F5Pla^vNFyzt`hr+{Ar7I@IRLI`+3^yL0a2nznmja!8YAMW^oVmxClH3UueK}^|PBG3{crU zq+@XeZvPHqCuymM8&@+NrPQcs*e}^jNbQ*G?kmQW>lXZVl6Q`x{2Y9n6KY08xQ3U* zm8%$QO93iz+SITWw(I+vReP-%i@0#z)5WlM?x-<1iyUv~!&5)S6SY8l%Wtto0OaJk z8Ip@(mMvl2qS$p$8i^NHl-=B|UkGiL|6=_9@LqFNsp4pUFEb@m!Wuc#ssNIrgU^5J z;EPa-HADP()XsW(W7Rg7mRoPK(Hj*uam)Mxor#^LDm^s&I`k$K8573epdpD>MD*k* zQqvS$X)5@|XedmX(F$ZU{E8NCioF1%v;FoB%s9=?M$k#vdvCRQc9}aQqn`Vm@Zgr& zMI7qA0`Z+?kj~3)a7YC)mFeG0*+{%utf=tisisQw#VH{tyy|xaCo!7yj=-<&bz}4@ z%El4>hnmrc*y5JAVIM|qD=?(Q=ZzEmu_x0J;%-|?Fg6mf%em|5uJbQ*0pL~Z%sFF_ zeP3G}#+=n6>2<+u-nrCKZ@c!cuqB9am2YRHc60l~fPF_OF#cjn^Zg>?aQsXvNP^e3 z77;zIV(G#gfp2LQ1qbf3Az%M4SoFR8w5J94DJ}At5unsP2owExwZW9vW){#bkUS?(l{6?3N}lw(OiLT>MvALY0B_BTbxWn=}D63|%) zv&23@o|&LKV=7h=#oy1$78UIueTd`(sUPk?+?rktZ=GBZh>eoIXjSZgbrHk$zun@B zd~h3mf|%qmyiYk)X*`;)uNAELR1aGfPFK=0%NcEE;5_TfFK|fSzRU2mzpq-cR~~>Q zT627wGln_+H#^g}sBKHX>O7+j)BD!Q`CXDebx;J-7gneqLC^1-jj^8cX?w3lNvz2T z$Ib0j9HQd)%^x$Gtfx`<^)i_s)iCqu%p3dzSU7gfPo>u~{ld-iZvCXS*ze04Gm1#0 zWoU{plA{01)Ix&m@jEnlRfxk7qJ#ghiP{1X^iJJu3t)*e5Tg72G3Oy1`()3q{(CqW zVHz={C_{J-5hkGe(}5F4L;Q5QdNm~Wzuf=d9wxt^bFSY9$G%N$-eL^Jb%n|9+G^Aa zs^Tio=zY_&z+Pbc{9x;T7p3sW zW@(_v<(b>-Y|h}}OLSs@bHx$+)4Tfvi>@ZfY!Mj~0}?aa3u;a<_}hcfGATCXe>$!e zi<&InvCRUm(uK2KVboMp_z#s*(PUxF5Kg)hAOX9^T*1iK6H9e*!3Z$l`mwq)89zf~ zl@aW9lxHjm2ATavx3lu}w6Yq((iB1NxCL<@r{EI21_j{zz<;oLz)+Au{g+kClX=b` z2`QoOhU$-A3MC=?m|zdT{kv>7f=>#T1ciFdwv7GH!T;4r1k9u4mC_nTG5_~D{(Brl z5GpqWd7E#Et!U1mC#6If1;5TBcz Ml#*nfxJl^$0dp-a&;S4c literal 125579 zcmeFZ2UHZxwm05n$r6=}5@iIGEKx+VJ-_ih{BNfQ1DB zO5hKGnFVgj``F(H05vs$2LOO`09KeifD2M!6M!D90D%1l`*#kGqT`8X2<^EC7T60YC)c0~al=JX~cp zHSe7D@cZ$M{zo|&`EdupAn#dU|KR^e6s5I|hZQJ-DcJg+wTG1xNH>CY(aP1`6991X zKt7wdr|TL038bmr!5akWnKRn_ZVLb;+#sLz zp_MJz4+%J$z%^%UduNdL0cmL~J4s@jKrhlop0$5QvcPDm!sZKzMYNo&;I@FbPaxQ^Uz*j{dd~K zQRnCV_}R(*D{PS8*JKeK&@Ix*u%YWRz zjkD}O`t&gTd2iM>x8;9tZ{w`@Q(jlkTR*?c^}!E4`O&A%1I3?wkB2%xul01-{mFOr z)ciSy4wfpKzxNO7yC%R2$O8i4k01be+W3I$769a2Tz%c`ZS6c+WkF4|VO4gv;=9T! za82Mk0G#RVSsMV@9s8k=ShVN+z1BpNikO5=?c|Z~H5vT;}fF__F=mEX}!@wjk11tb*00KAwPOz}B2(U=8 zsIcg;Sg<&-AXoxeVp!5x@>qAUw6Tn^?qbMPbEbrC`0q%E$VERgKkz z)rHlMHI6llwSu*Sb&QRJO@d90&4kT~&5tdHEsL#+t&44jZHw)O?T7sY`x*92>`d(U z*cI4K*ge?8*fZE`*!wsD4lxcb&LtdP95Ea@91R>}oclQLI6*j(I7v8}IK?z5~8Lel-4Td>DQsen0*^ z{yqT#0UZH^K#D+vz>>g|;3>f?g7*Y)f&qdB0^~X3b1dfs&MBNTKIeQc_*~Mtf^!Y$ z2F@*=J0Uzz$U!Jhs6l8==t~$&_>QoKu#a$o@Pvqhh>J*yNSDZg=rPetqGF;pqOU}| z#KgpxiEj{V5!(|#B7R9+LflC_OMFB^Ny0-SM`B9iMe>X!m!y$ooMe}jl$4Y7CaE#0 zC+RcNe9{)uDN-aE6&W9yGMP0Qlq{93f^2|nlbn#8gIt!}oZOE*iM*7&k9_?+;d##U za_2422c1tnUwwY`{5}O0#dQh|3MYzaiUNu*ie*XyN={07N^8m|lv$K5l=DQ4>3Qh2 z=)LLF>D%bn8K@Z~7_1l~89p*hFk&REwWqQTb!nDpz%Y2jB zf%ye<1M>o^(47VG1Cil=4{3~Kt9Iw2-@`VSRN0`TsCzYoUf(;RY*h5}J`mf?$y>Zp~ zYUb5ZUJ_ne-iN$}yt90?e0TVQ`6~G~`Puo6`Q!LI_|eyduRXZ-?%L#a%IhlEgRj?I z-x1&uuo6fW7!o8ER1ky;RtatkL4<6C(uKx^sf5*p!-SiKPenvU+(n8-Rz%rF?~100 zj*3x>X^KUQb>6_caq9;3M%|4gaS?G(@sHwL61)?EB!`#M&^=?rA(&G+)cKd);Du*F3Dbzb&!28yLs!{E%#gHw+`jR)HX@ z9XeDx7CHqw2fDX(V|6F>xb?jBn)S)`P4)Bj4-IY`#2d^Q@*4&k_88F{*&9_E6Bz3o z=NRvs$eSdZESL(LJ~bUN<1+Ix>oTV|e_&p3L2hAbQF<5euEE`cyC_Qy%S_Atd&>9H z?jfw?tdgzPtZ!PsuwJo|vWd4@x-WG<{{FJ9lx>3Tik*yIlHIz!oPCP@wu6#GhQpzw zhGVWH=7GTjnA16@yH3^4l+KRMtuD+iJ}&*P5Z9-!Gj8H;iEapYRreeZEDtk}Do<(< zAbs-U_6qfyeJK4f^&!$*-@DX@!pGU?lP`~Ngzu7{f?u{juD_LkbHJs5#{si}vVm`d zu!8OdHAC5;PoN8r6d&b1CVK4n_;c{J;P~LZ5QC7KCrnQsJ(&+x3@v<0_SF69XqZG; zMmTP`eRyw#V8p8kbfk4;cht40q$pIhRdjdE^_Z72m}mE&^~Q?Cra#Aj?)-ctP9`od zo+92aem+4hq2dMWi^vyyi57`nNkT~($wbLs$ulqSysUb~{_6QFREk~7aO$m8SQ=wm zMB3qN>(>M6H`9wVm@=X=j^Eh78GEbvwjz@=Gbsx{>tWX7JN)GI{V?)T^<#6X zSZQ$?M_F1qRe59uR)uc`qSCH%rpla6P$@2c(=>#pn(>8bc6 z{Hgr2@aOVgk=}|v(Y~rLH@?*LOZGPm$P6?M-X3fpQXc9VRv+#k(Hj{XH65K9vmRR> ze=xp1@o?f~^3hkkuaV!*e@mKToXVWOG7Xy%nW>+>J^N`+XKr%dYJTmz$9L4ilSR_S zq$QT6{AGdVx)p_$FRLc23u~@xC+kl)C^phIxi`zUZf<=-7$O$7-M2A2(YtiJxqCu; z&HI}BQwL55Cx?+pI%M9F*ipx^!ST|GH;MrD^7P7S4O$ib72|}#xLUe{SOF|JV8y-< z#vnVnAWkp>0IDwlKxFb8uKv*i>$g|{q_O_1p0R(Sf5YBqCqN7VWH$nU-Xj1wgGFz^ z%GC%$S+Hu}1OVNe0Jfmu&kCMBD<1a+1%41%#FYSmmxRIWg1C|33ILprVlXF_7|dx7 zc(W4#(0K40o{gmt%xhO!nuyJv5a0$-j!ov0jD-H!N-lgmKl(Jd`mTpv+ z1sg9L^HsAf5aJe>-?yj&}K*nlbX@7`Z=unCVq zcmCPsX-jvJygEZE&wirVjUH>idYav76kA4_#VM({%jt;*S{`PC@XC$4TBaA$?p-py zD*N@-T`V2TlPoN@@6cM4xoawEzKKdb{qP+HT{k}GUQ)kFRBuk?t_9;t1{G{`!=ll+ zzBtu6{C1D)+bC%twrgGOQf+P(=`5#j;x{kUZHuHKAo+2(9pfLN8ljoblnx8BA8Q9E zmq+e6P495#@V1-Q#hgwr`Y%u$JpP7+9t8VWr}wo^1Uy_{x6+Ss&(r88Kfdyv+{19T zq&s^{n8gGgkuq95>nIP`KzdAb!-Nqc$=l-1n=2^a!iiP=%}2K?R;de@;@wCBtiF!Q z%`<4wOf44?gz(=h8H##K`3Z+r_V6i@au)`8_yVz_dl0a4wC2*YcW%U)5d|B}AL_S| z!T`-TPUJDbm%$tiFkOZLz8fFF$z_X7>?)r7M9%V+v)|FUYISZa{SBVF%*^Go)>#^1 zFKvN6_|av%dyL=G==Up+QiTlSeL578aQ`A9G|A}Ib)kW9T%F6MVJtr1o45#0SNjm? zu#9leNXu6K$(llEA*+x{FD>$1VC z(`cO7km~yE&S%%RA)I13*SmTHLp6p+%MSw9Mooe&-kg?xUs?!yt-cz0w1uYVo8U)3 zeJzSU&BXwhM;nZax{YrpKVz@b)nemUaFxC%#z?i!^Fd5ceIzA08w2Qu%AH^GZ-ZGN z9~x%X>9mTobTGVj*o2ZHpSF*xd2^n7C(jqLtXvrcolz*0WXeL_{Wy{YrCUq#KDJXN zrRFYJ=sZ%tO@WY^DzbU3!iXM`PWIlL^bn46Hm!>tRSmK&>NlLa6lPrA?>vLpXf|F| zeH#?bqv~$Irbv4FTP;pyfuTBbLoksrlD}b6%(43X#MH<%3TB=UzEe zU$^bUy-z3BQT2W{Og*=BNwp6gthd_lhi)8M z(-#DbIH%O^iuL{rlInCirt$3=%8QW+6t$c^!__9FTP z&5Rc;dpe!Wi?#eX_E4(#e47~^DfPwK&dazE=eH^izFg-!+NC}_8DM7-@H<}ko(lhN zqd~jCXRc7UhXDi!@`_E`MbaVl{l?_@=53bw7jAL9#J?G`MM9mBfZp)s`e!qd-!hY^ zv@0GLTL}H$T@>N^P}5~#dNGht-pa?1)L~M-ETq+d&@2D)JzuMfiUIooj~fQSqFHLV z-jC*=T2qq=5$=&770Se-?tDMnF?HjbauWvd`7*7#NC#8R_O?s3mgWT>j>Z0Ui?_NR(ImE60Cs^(KjCyT4ql*sVeE zC@|(?w0JHDjnFAST8VqaL#?WO)iATc9|Jt`IEcakZ*$c!0Nfq}be6A})$YYj(!tFO9dn=45gc{yB!V~Y+a$j)l+I;Zm)^8t9VC?g;N8V7< z)}Ivpj;SjNpb=rIxkf3icv4=>hMV8t^bd8-@Yw*lR<#B-L^yiB_$(=)b>_xyG`b6)&}# ze^>WS_Qt)sRBu#7ew14>KO5BhDE&yDX2v@RbS>$dwx!!58BDbj7l*S<3#fKN(2>44 zUq{3q2;}>JRvf_qnfJ@rs*L+x2GNX%-H^`#q}eF-lG++5v%^76V(pvrMKz&3N8i)r zSS}t4e?hhnwt3e;WM_KD-V0w|zFi7*o)4T2j(3NC%a#<^lgbbe@|)Z_#THHtlY#85 zdI=fyK@rb_`k{M5EAYb&nIqbISj!hj{R!T8%$KWFiz&Z|Khu0q|4Zd4MajHHxmAu7acy4+f8bm;!04r568{E~Eg zEaRBZ0eWCq5-;CmrSjbOPoqQ^1*{$kGNvt!>7JVTTiEv2dsQwRlTS*k2N|r4?n)Fu zmf-)a9Og&&E3epNn~TNIYTb^mr)xY4pK;YFDQKP5lQ4ELPd?SAA(4B%MOzP@9lr;f zgY%#{aP}&!MoEC?z)bk-%gb@pHC%5wza4?*fc^{OVeEErkFgQTw%BNT_&TI(-`9t^Ti(sst_9QznNc`Pz_{NEFK zAxZJldY*Z%^eK~gdf#h)DW{{LP?b{6GoPxVl37PK*n$DdD9xG=(>Vvz@w^1MW85`a zUXt%=busU6z1SAB`Q4QUhk8p)@%mwamJ;x?t+UIhzI{3f;vAf>w6&ryb4C-6^u1(2lenB2%MPyLXl}LA`+Uox z#o6BE)Oz^kReiU}WJr)I^wWL~q)qa#)C4lNIkK?9sVYkGRp44oYGyUd6-j2S1EG7@ zR?}YS4uY7CHOuI;$lPfDy*~jm**>%_9Tl|6%Jbh;rnO&xyTj}J_Eydf0*a2_z!)bB z?6=G|+WcLj&@Q@xwi~L6O)wMat8ZGS{Ldap`a|s<(y@n%_9maW-**fpp}XEl_e|Ym z9r79a3;3YE#^bi=b@|NHz0_+H>q(S_t3qGxanP85cGe!it#jjO&Wxb*6MVc&(KwS~ zX?|mliF`h$x7=GMEI`i6F{d^GSNn4E?LGEMxD0~La2B!pF3ogcAATgLGMq-~z3o^47bFV!J$X$yw0v z;aL$L4}UmS(2&LlXtGdjII)-@?iadPTICvl7VcJw+>uElMx|!Dz0P7%6fQ*+nhr}U z&+zgakK~@nZ**iVDwpd>aC%xKV&^qK5~I!zb_j-jN~tdzc4tNLOGJ{A=pcUV0 z$3&`q8JTOSXY; z&FWul1u{O^PNRH!MVaN!BPh{I)9ix&d;7NWQW7;A_0+Va@Plsd%<7otNbWb-|F)v$ zk*`k-P-+M$ikf_Odc7svWTj}9oZ8;r+nc>aX*AP7b>xVHGE|ea<}S6=?vT}<`y(RA zZUUNc;lv=|&S}0UEZiGT>9n`Zj%X+(&CWdtpu9z*{r*YVE=PhJ1OB;=fJL~%GLRX` z{ckGD9$9o^9W;KNyAd|8F`jzhg6Ml%4n->5eLBZ66gOZSvOcoYy(Rdqh3>L4f|~ot zZ7A3d=fF4;)rmBimqGHFZMC|PO#~PsSe^)B00K2%%GFWYgiBSCUoxhIWL*|G8c(vU zJSJ(5UH)_i{%lr$;~8{A%WXFvBMJ|c5ijVMo_$X`F&xGXQ61oQb#`IC>MRl4L#<@w z-T6&0lw?dBYu|AD$JA~m$gZ)Rg9^$@N3lFxQ zLpCwMxadJU(&WU`<)Z|#uQby%2}WLM z$ph4XQMHElPMj>%Y6oCgB8MeixR2Gzx~L299*7Amwxlx;)^mgef3FF%h$`gGQS$iaRv6bt;m~0$O|0xQ_j_jG)aBQEt zSUyn3p;#5U&1uQD&Om#EdUq{}X3Z<6*e6ULF`Q}PSZQzL!WKUKy_fj85~Ft`7os?g z$!M^UZqOiptc6NlFlSygOT;cSa#56sJM+=Mt1=lHlc{qL-~=)=xfW#798GV&A=A~! zTSf**#XC3`=Rb)*F|lf{WDA;anxQ{tKr_SNV}SlzpBD5H6s=e+G2em85uNEfeFTPT z{eG{5CN&A>2v8I%%N9P0a~nJPvTpCkm8ka_=3dStJ_k*Y&RL)+!q8yg9zA`)1cvQj zIAN120C#5OUslLb&$dPf18n>RO;osT)$uT$d|1+X$57Gsfb8*4G0wJ&`Sw;gxb#WwW3rAeuj$l2?Ztsi*k|i}dKKq=o)G7T znDh&*Lyh&d6Bh?4OVDN5BR(`aGPg--B;gy>&Y@yG=}k-J_xs#cytNBUFo% z+(N=*_N`M-Pb>bD27uMYS;c~bGC`Vc^WTPVbG2;I+NWP0@T@jxD6D0u$_*xD(_Ckd zyI3%*^dKQ7SL#MF+@ya!KrVB7nLZ`CbZBFt;+1UE^*f=AIFqa?M^*<9PosjUgFZva zPdVULijioboY@X4i*>LSm--6&)sM{@_dM3@mlFwaB^#M>#;N|-{@)wfMdU3%{rWbugsBULIzDtns3)2*j_Zd^;DmbH~U35 z?3{>5Nr{5?wVMsq_8J82fDdd+9EFd3HJ7R}egRF?Jxv`DfS)>(5k7JqHks=7jJw#$ zsv=&2hy1v9(sh7*HYS8Q^N~!DBf_?2LL>u$gC=H9XF#~3d%gr+8vD%K_6}gbQCAYb zkZ^CiY|118Xq-$JTRRE!nr9(2@^P!P@+}&dd-G1gBTuUJ-k00>8)!GDRJUG_NE8H# z2jkiZ!~l32BSDfrBBE6YnU*zWTH@wsAG)LL4rrGafv4$4?CHXn)Z1>*;XjfIT>dxO zvry;3&@+>9UY;`9d$71UkBYtpBydLA9pr?M{& z$-f76U!DYWE%B7IXDKeM=(1@jD0DGAuiucfUjtgK8u;EFuN!t`z ze}Gd?N48_ZmJ4;J4Mjssz1|Ctm8ZhrlIGY{>UcD)drh4#Xuo*NG(OZ1!m>Jp_ekxL zk$DBgX?w$NEhM`E)edx8eY_ziC4Lsco0{JMBS)9~AP?w{usEHKL)=oZ{=Vw&y~1a? zgzjBy%V72ZjE`XULdhb}zpB!OF38`Hsd;M|pUdhl?g?YqCTJtSuzWl`^~!3-WJ7`2 zmOGi^)k776ZIYWUEVmpPrOC35#F`xH22h_N_b#bjQQdLbk@|QR#RuHpmWdF~9u&49 zFt@8%f7U){#o1_(iTd)U>v;67Pnb?^f0;?Wc6-}CB+Bz^QvXswu8gOp;nH$WWR>{y zlw6L&U5oT44JyL6UI{CJc0~BQ22R~l9A>|i2UnI@vGqJeI;2Xs3aQi|S)xh{(k&jh0bXO=}|`TJEmu z!%IzkvyV!RkuP;BWxh{;_g|n{Y{1`!hf5lGd%3(vny=kdIxnE?YC%cqR^}2Zt!SQ8 zLw<4XIQeOr{?K00WhZCX)ePH^hdT^~0eMR}D=I$Xarx^hqr*Y|xNhfN529QYkDR@9 z&*J#1Iu8tRds-W{2xfX6z)Y`$fnR%+eg3qObgG;C|voy z%QUs5#d}Bn6r01xE@hMcVMK?NbPsRK)Olb>2O8>iK;F-8Q0h;69hrZZ4CLTbtv#06 z0TVn$zCuYO318(YUe76b#rRcgJlyZphxxZ33HZ6~zEi3|)m<=~9alKb z%Nf5ozz|_|tuF6-a>Jc->rC&#P?Mom{Pk2!=C{=(5&nErlbr7ru@Vb6 zPO^wPWaNeCGJaV}(IOW59~X0yr;-dmCS03ztBW;RSZBJ)giN|w$I<|f>y|HSr{(p zNFg*C=Kq{%!l0hIkbq)9#ewl}%u*4eIpfjJQ;AGe9ZI;cng0$0{FsbdZ zRt;(&7vn&F6@=GfxpQ7LpQXS9jxfkh^E}(>YWFj;cZ(}+4t1kTAH1$#d!oBgne|(0 zIY4te=tGgQeex7u!=Te9Bjl@+&G>or_9vq2`tN+(d|7!DM>!Wq*f}K}UuJdQ)_VRX z&HDSU*))oepAiJKqC@Z-@FV(qs-^~^Auy2l@So$QbRj(wR3zdZytYg71aHDz?Dzu_ zK)^n-|FLFh{xf^gYR30ZD^@FNJ8frX=P0!aicrrOo1EQ>@`N(^$jvU7j0!R2!5$Qo z6&9#1nBHufhw_ewa3h!!~`xqG*AsZipF~0VeRhf z=Si~&|78v93Um*%_2Cw+CNDM@i>Gn)aKW-bt8$jaem7t`A?J4W{)I%E6p_`?rz&ZW zJ68tkTv}N`LzlH?;Aa#2*rog;Z(63Qg3UNLOY3zUl0d@uu1N7j>v_C_UDaKoqVQ0m zZ2m5I=Rr55OOk1usuj&Xl6+@4fXO#=@}mSpM06^adDQN$5Uw@z&^adcErovPeN~1F zL&dykh27}YID+@4yfP>YFf@#qY)4mf4Y1~BfAt$C*9eo;@9R%6cyNgN2?&e}W z<&7nP8F!F|^!+9}17#8A)hz{q>7yt)KRR0I9j#Ne z%C=1K*0U^B4{QC=iK^&v_bU$}s4@O|_sJ|NCyhz2_Z0HWZ$|oQ*1%`Lzf2n;2 zjK!s4Wy&UjqYM7exA$ID^ZhWr2Q@t9-v>;LHQcBbyd&sFgjW|7ZbjpCfy<5RpJ0xW zWr;AvZ14;^l-XO*5ItN%rJ{a&2^os%9s9m z7|ohAb$NMJf1QjQtZuV=#RY!-k-)|EXX@nY!MUqmQm_w|^{a5Hu>F_r{_5$V#of$1 zL!`5AK1=9`hU}xypobXVN=i`nuqSQ(@X}mY-)^#imX61rfGt<$y*hq2gLo7av>lvn zax}jg-yWJ-I5X6i|A|Fe#*?ro(pQ)5^P325%d6!U%#Aw7dM10}0#uKyef1kj-UBqE z;nLhbaK(}0y&e|qX@_ejH*Qx&_k7fp3BQMb@tDe3nhY5+2c>jW&2eZTtLt|fXNqZU zS9=7LKYA;huwP`8IHGwF197QA!90Xx-z{{e!q4=0*9kfk1ur!mqM2-KxEgrf;?oIT zZE5?a*c7i|u$UOb2b9rbmBmGL6SPcmJ!{@SHi`wIu|*+y960f&0a1}HAexrn`(-fk z>Ff=s+HuZUE~^h#u@mIySH1m2qPzFPpL;Eq0Rr@w-;O+ z4>aycNwM&=Nabq~cr9uVZ-RF*XCan!ww)^xCoSTAv1LR3D7C;GqrL*ecK4*pf#w)D zqSt*p9hYoa1YO0`%g0Cm_Nf2QcvSg-!+*vHFcpMo)!+`FG4ez`}2;)bgp$yd!AVo}dl!KYYWbM>~(Nfnj!qG6lDhp)%Y zcn=q^;ma|_bv3PgF-QTQi2e7anD;hGKcCr$!$lV^LgO|x%V#7N$a2J7Isb}1s!5tP ziIaOJ_uI#hY3FZWmBsa@=?S2zN?)5zkCFNmBNTHGT^j$%&5f0gD?M>+^*{$1+nikU zP`XPb--g{VAmd7IH0<*i)Vtj_+W;BFCo~x%CM=BazDb0WXl65%WC$u{JjNeiUbdLX5DKhDF#QCiy!CSdpg$FH@) z{p^w}8i$K@QD~$w?h5fUZ&WLz+v61rXM?^VHqhflAu3Nptie>8bK%#{f@Xod1%?yY z&Z!1O_(}Ff_wK13R9{eKxz&sZj8^cHojRY>``;B~lwC8awE?M}7<>J9cxpBKi=_;@&sZlBWj# zlWLF>V6dH!P<)cxQ0`h2+P}l=5fbJM3ps7;+UvzyGfy@r-3HB*^V^xV49c&sNT-rM zya%M&EJUmgIQ-+u1lJ*7y7LEq-}+Rb*&!%e* zc8k9O)8Vkcw^I3a<}(dqSM|ddIN`pwKL5#V|K7$R0R?Vci8m{PPFA8{D4KsT*Vyhr zD?cp90M66LT1?(H8Cyc|R=8j?3yKKD0pfjF(9W3I=@a~Ma6eIE@yBYJUl=8AP+If% zBVkP}H$ky+H2){c`b%3J%rKY;lSI}RuQpsjYRp?u+3B37Y7YphsqBoH6`)NI4hEDN zHe9-s?l(hNW|7{k)ib1LciEC!=xu z-h$}qKly5I450sU>zE)6jU93VWx@b5;0ChCg3C~(qs4?OI;cUC}Dnbz@ z4BOxU_s)HtM)D8J98os-WXA40@`3By2Rg$o^S88r&+XqU`ER}bD+BqrmHOKz|L=Gp z{rewI)KCH2WUobHi+$QndKh9FtktY?-#A6n1=(#RKD~(3#3UsKBhF0o@!*frjyabD zuZc+Vk8$WNYdG-VPu|cvkz1*7wI5*?Ng_5e9O2HQrFX=Q!5=m)&$oJXJzjZV*!EYK zX(6eljF>Y2HgyIF==(kt${Snw|Ig6?%K=&f4Fwaz*tTCVz^@Mc56~oWw~ZQFXykp0 z1MYIel0Ah#!vGlr7@+ahp3JX4JoXoO5U?%JvN~dh0d9g@sT(z+F7xoEJvf3hko;G? zlJzITDjt_7L%&GMAgEa;ky}Tn{3yZ8o`gFb34bdk;U9yvJ*kKq3? zc_I562Nv5I5olHvIpQ!Xz$U}+K13@Sw7Q(o?#G_8CDoKzw1*Xd zz}KQVBMTMVNY9-KFOFTj`wPbYPr{}@wrS`Kb>)sNcym3L7JXucz*X%!N7q*`BcH^ zQ3i*W1&EAsr1@009p`eRcukZ_N)Zd`5nkSwHV4Go{mLZIFH7_+B;Rilk#(xun=zn5 zs2uklyc+Vv0Jtcn50!CsH-skY+lI@_MDDHjYgwAuOZR@5IV!&R9AA^7X|c+-wfxG7 zqIt{Q#3hVduq(*jnrL;r-f*!!aa%Nexg-B~C zvAwuj@{_wS-_u_obc&`lxzZe=9NlU5g0%Ho)5_yE-`KXT3(M)e$gDzSOY?Q%oDA=) z0+a3i1sA(-KZ*%~wB&c(gN%c@8p@OyW7GV?sl$z|extR;GRgPq^iS?CsKW%+N6Kqg z%e{?#oqcU+j_J0&=QP6WE+Il@Wg>)>gucVKNz-;5$oW#i{fl-8k+S_g_uypc4~j z84+6#pkQAq31r`m>pxfIl zlE>j|8V$!L9!vC)sXCbx8J}4FK_Om6$U zd#Sc0#_7Qn_0CH$Jgbemt8{b92&$9o!3aY&l+xDOxdZ+d6QqtElk| zCeC`DeE_G2U)?pC0zvIC`3I2Mh^7%I-wodM+T?droYz zj;KBWbbgna2clujORplEb>GU^>KTCqUSYGjyrLOXfVjF??cHHNN0l?1BA!H`F~-fa4@6)+olg^o&OP90wE1U z)V4u^Al6moHQk>dHsN_kC07Pb;DEpD)a51};Pm``BNP@UU+4AG!c z#aD0p(YRGnZ!tP87Z*C*q?!8)H>W5Cu9Q$T}LEPHH8D3eDxRj)1jVsR< zHb$dv!Qj!z9`cOqz#kc9gJ7B4EA`2KTQ$gcH$kI5Wx#NY?e_C`QCD5CJfGvs_YMSU ze`|*<`tdkgYZi)czK7B0bJiLklpZ}xa^rE!%r6voDm$6>hsEt-fC#v4{nfQmgLLxk zrKgLCviAc`UTy{QjL)0ZZ@agODp_l~g=%ZO;lgPOP|mRv31Y7r2)L48QIy-hLT!+s zziLH=B?PP1kR?{w!qAtY|X^AhHhDfi%9#~K)nFXT}SeZg`cLm}@Z(gLR9M@B-YUq~BC`xm!#*eMmY{g{EYYt0NLsq+-u-5qoC&ywFc(0);cT7!9) zh#JZ3R}~n12spk`^M8Jn%e#98_J}*b1yTEMo?G8RS=j4hVcVoaQA5Pn0+jp)b(Xkt z&er{fEQ8U&^0AZTj`Mah3;__ts5wG0-1C%Yw}sZ#-Z-)NZ6IFSh_XuwZ+FBioHtGE zIU3&psw(~xWZzsy3roxal&XQr{`fRKLU{W_f;zk*VSQvYr^o7=fat}kCnV8{ce}~R zWcci|rKv&|PUjC9T>I^PuQ*QYxoAkKgi$Gb_(x5BOn#j?pXO^A6d?o?-J)b2);=c~jk3Wyg|Xk~Jn9Xv9;*8M$}ZRl!w48P&v9*iNt zu43C_LRj_6gQB_NFB9yvgYS1tr|Xt_VjtMuQh0Cl&a(X3IT@hesDGA*u)3hqd1DIV zUu{3^uwSwE!OQ1$HxF~4yraXxN8`hOFX`aZJo@I{c?CGko<92-EO+%YrWMLCoyY-IBTsL?Csl4VTwa|D1+%6!BOd>H zhxVWEssBU!pmB5?e8(xB1_KmNRHD;13%3Q}4=}*J=_8RoA`CF<1lmS*Z@r_8Na!Z` ze6$^Yg#`+xQ^CjGEyr1_#vn)|kg@z%JB?+|w($RNW555w!Wuc+zieGk_calL|onVu|)i_n^NWK34$NKu(vbg7En+iR3)F(m|!OUrM zFcO^4+w(0@Bv&a0nAe5=%F$cXHP9G!gi4%@hYj09FQ3GMdLD|0fS@Bfo`R8{2AC;s z&-){*a3n8ltsMUPbX~eo_2|M^Uw#xf|6_|ibxClOTd=i&+tBYs+%q z*rKyxz6&}l8vw4XOt)D$iVDoiZx_h?fwN!0eZ1ka1obB`7(mM(GJ_!~5%G+{DOD^f z2AE0j!vHa09{X38L6Mf?523~a^^7rE5)& zrl(p~%iwW=9slX*Y3)x;_o5G2^s-S=o07?B>I;pqV=iU}FiS6$fdS~V{=k75XT}zf zpuG=Ej*IxeTey9PBi=ONLHorJ(`dqV41gSF`IX@}Oda^Jau;6z_ZEQy}GQ?iKAkQTz63GV)eYxke&mJY@@E%qKXR55Yk$vLg?f zG-e!d3#qd$Zg%H8()RYS#hsyhJ(fBeH8u8>8zsI*+Ptla(>WC^`ZUno(uZqy~Qf^Ms>w<4>Bq^hN;+oj-t7@T< z8RW1aRy71nW8`i9wqAC1P4$Nga)}A~cG4b&_el$f*ijIO*n%wGdw2}9c*d+^lM6jc zA$AN@E0tH*des z3sL$wkmOsQ@5Rj0JhOKW=jD+`Y+iff)CPD?NgxXmC$k|dY;$Dgv>{}bH_9ujYYbH7 zWG+5aecf>9>QOVHnRi-f7p}pZQJFb75z@aynr>KkZk!r7g`So98zMNwi$s5GvoL3mvT=;+J+1LtV<8UkKTVcY&YS#Z+LVh-(D7DfP~Iwj74(_*w*EmE`v7wW z&n4-vngk{2J{Edu2yy}~1u?EiB)6X8)@J!+HKnB8HJ&w!^CA`TwvBmN{N-+vxzg#F zY01gu&CNlLvJ^Dhx}u^&A<4+*Zd?aF>8DShA5mk)YXAmIqK$p{$c%Pq#nLmVy&6|D zeMYb(ssHRtp_{^vTmzf?MXG(z?$?UAhrZGmo8LioXZ>t?PlaJ5d z_YvxgOurI2X+%-W_SNp#A+UIJl1G+Un!<2t^ZR*OA*}tSN7C#_uDSFW(Qq`&YDAI! zwXaIQC8e+bssQ=Vri;Rr9Y4#uH;PvB<3iXJhSM2;imW|@{^f^e57aO}-V z2h)#_dF5?g_Dn>=i5*S+Jt*ItKYC`(cPqRZ_o$KsG97DiUQ%rvJ~JH>bRj3%Yc_)s z={MhcjHszhQSBkUuFd9nRY%b^4gtn$YBBoI&&PCoOG5oH)ecL<>*~;MoGtKD!sfY~aSA|z)7bx0< zJ~|ymYf8K#N{GiN?C`L-1jb;pW#gV2kHh9GpEg!*CpW8}NO>#Qm==a!ppf%^@TrQE zIGia-cfkV3RqPFU&GP%t7j!E}h5SjK`%V?!;u=sK9&y}UJEkA}<-Y|$W}wXIiImu2 z4B*61i0ezQ5gSV%?gh)o1c4a55K(?N2kdzJ@-U&3Uv$lc#fYG{J&?E=99}Q!N@}0awk6O&;?mah7Z)W zCY$f`j!x=Er=TUU7&J$K;^~Vzta*(ncV(FfFA1Y5qeTrqlPJ&XL|$7jfTYX$L&erS zuFN+0qW_RV<8?x)19ZZqBZy>M_|q1ma+YAM>~P>-;%w!}{$wY*UvTP)ji9XEW39W; z|HIyUhc&%@d%{5!P(Y+f6GBr21e78oNJOQBh)OR}QE387FM&vxE+C+&L`9?%fdEn@ zB2Ah|7myN)bVw*6kiu-vz30w7o^yZqH#6^@XJ+2>N0KKi<-5Oouf5jVt9;f->C1NB z2eutJ_)s#yZX?Zk;Mp-UZd!efaedUd<*d6h_co3f6tNaI5Bk7fcat8HE`Vc z1^ryK^cpAe8EGSv;zo^yIp`{~GMj!&2+6L*Q-__TUEf$O2s}!C;7aWITJ%U~Ux|vE zPje572j=jSk?2jjlS#^N5IQoTrtO;UKVr=))MbCTJavJiTZTV( zIBEZnBA!{FONsm{T=FM{L*$vxX>dW7Yoevc&vCVp<$`)>>?Dm>KfVU>P^?RPVI`QB ztR&y{b8fnE_DQN*iO=3(Djy~ZPjeWPKSt{fj6M0Ma&7;@TB7?W6PxMVX$rmpjkdBR z!-*Zpe&1uNl1d#u`c*wkNQ^|%P@myCQu2wEpR252cP8y!7Gt3-%Qip2(;9$NG=BvaY$nGiP71DU+JVMF>VX zxj1$Ht$f!}$u9JIV@ianM0JI4(goP}yR0O$uc#7e6O5H@u%g~yxq(${_%qlB9{aMx z5gLxUms3kDoKB0}o3Jp*(%#m&?)&H{-1mU)7pUVvENKTq^dSil^sfiHP4EP-7y4XD zJsM&a6LUwtgUdBOvAv$*x|XIC`h)BldI@3ZK?D;?{|+Gln0(3P^Nv1En>hZ3^7M#E zrYkaDM(lG${X6QJ>^qRua$@JtN4KHU?Ze+t$2k{a{Mf0j9mw5IG6QLN2com&yi};5 z-{Wa`c38WsP~`pllDL~8qoYdEyl*tZFI}QDxy}NBN==VtkE8Z4s7r!s>paIR)(f?Q z`Z?>?*JT-0B_tXEMwz!IQIEG zQT|6=R^7S&LKl?O$kd>iCg18+$7}7kaG&`b`r6NYM) zCf$hSP^z02{lLY*t)8U1d2yabJncCO!bc+KXmTz z5&p{MWpB6oh9&hD*B%}2)y+kLaX2T*Xxyta8sU6v+w>zr!nO}#<8wzUC8>A5$2D4+ z@g+@9%lr_Ngd-pKx*}>HjlIPlw{()EtYgKtzvF0AqC@$WtisstBugEczDqh&Nf-Bh z5r3>9KJe}@9kFz94q6XvpSmK#kkp9xXdXK#iYGh5S<3jzRG;*DF;`o~RLbsY_}28^ z{Kp%qrb-S44vXUV``QA_G$Gvhv?Xk&Q#uDihWgsGP1miE#_pRgqi-6`G-P3RsrsTD z@~qUIr=P=b3$s=6zSxJZc1+Sr%G8vK)ZQzf_*i3}>0A!|Poo4RZ!KdZUccc!>3O3m z4?i-x26n$ZwZEtNfnToGys;8S^y{E`i^{XH+W~a@;^j~3;9xhg4{aq$D)=S>Fpwy(`|7=ict0jPiKJ)&UKXA>0JXxK8wVy>t9VJg6x7 zz%+7T5zpoQ!~i+9HsXyt60KvUuIl$VKMBwKiV@98RDAwqHbn-`Kx)?Shc|7T6k_Ah zWx@9cpQ*DmDLY~pbf>OS}{SPzmJ)^{~d8ULiioK~ru;akt{ zI?ww3Ii({r=+q031cPorNi|MQ{v^wQvCM1p_oS@t8yqQ0|CxMT4R6F){^N5;|Z;>`} z3@JdmHd(PqCUD|TqYf8N+E)`8g6;2!EpZ~99LZPx9<~WMt8f`A(1lx1#YS&WPS}46 z8d^E;9oWqO7X#wGKK~$doF3|o|wL|V(-K9h45oofpyd>HWSfRa!Py+xeo}@ zKslUkH7s7uc%s98LOC|8!ufbvT+joxes2Ssot339-A(O#3W=%i3|0;h2x5(VnIhF) z3nCMBXDEL71^o{JKYK9VNy|iI^1|>!%-i(&c_ZS_XCq%)n(m+3Q;mwN6(ck^K!GxW z<5og9_|R%DxGy)c1f^+^rXS{G(1U)H#Qeto2g^V{KW%RYP}WMZ>T`8bKSI&@&~>x~ThU{{v(26Lu?Efg^n~4G>r%sp z==l%4L+W^{82UMF4=@8^btBg%)L$2p@&+3A6X+Y1)kXKay*n3b@xw+`Q~YMe@|0e% zXo9PWj!2ZuhkXzN+mI4l4ECPeAo|nxdHGR?YYVkUdry0nzmMp<5jFO~BHQhRe}?qR zHhwG|zDE%nF+?nz9MQjCL$HspF-X+TU8qV+BSwitQf+G3FGO*dl?a(0f3oMkbv0|> z^7a3Di{-asnrVdF1eBzyCYeimc-$WI=xN>TZFhEsr4O-v-S1|OGA*wk^DvG{9%Ouk zaKjlLaDg9kdSI!_^60DWg>&A*G6@JXPD8~>7Z+M;x|@LGC=5$Y>!cdZ5cpWgNGqVaMVGPqBruo>$;P(B_x%q zP4%ZeJJnwr7!0W0OJ4E*YDD7!=ksk=<@3NI!Whi zKw#~{&*z{N<1q-yaUnnN8+Y60Q5>V}jRb6y`JA3oN*>tS_xJz(J%3Jr^UL4+<8OKJ zw>${EDxXn8qJBCdv$w`;@ZNMI%vIu$p0*=qX89tI=&y|)i}G#8P?8esSo(lrAD z-4(RYA$huQI$@cU!}rhRG~RT~b1FN$<>umJP@pb~SWYo1+P>G-2l57fzI^=`DVn=! zn~cAe{!5U+c~HFCatBi3Mm-+?@m39LGJ%q`9O05emF zjhee&DT^|$=-U|4>L?TVBHd;MnR;YJ8?oIq5JjCiQ!wl7xfNn-Jlk}S+akVLL z=WFE%)~3**H2%9$dp$awZ(H5!Q0+W%=pAvdHuTv~^@F{Nbjw_3Kh2h4WcZxA2sQ0m z6N(;XS{d3fRG1O@0C_j0dqzJIEfT-_)hkISyQ13n*<`}4X?@0nSg~{>mK#d+C5??E z!)y2A*<#{f5^N_;`sF~hKgaD3#^!9d=INo^M!pL|bC-NLm!Ce2-E-$@!3}6O#;mcb zVrc{)aJhz17#O)Y`W$47G#UP?2r)N3YMDCA zLXar_ZgO^Gp`gUXzRwo3RqItI4gBXurlLN|bWhxfz3qDa=7D9F>XO2TY=yJvWUn2_ zuo%uQa>MY!vG;vNHRo`F{!o^Ans7w~W6udC$8^QjV+>wZszTSblT>};%*V@}kdL5c zoAn71P{~tj`IoA&sRx5 z!}~-*8)^LS3DR>sL%h9W9EI<)_%HhKD@*@uN)Xl(V{~+BdvVhA3-r0|zHT=-?SRK* z0%OO7jKAAKME2 z%F!({klke;(yhPnQubD>tV~dcmmq#1~AEAeNF`@C^$CRqs#* z^HmaIt|FL$4Hx;grPKTdYkS>fahv(oqHO|t!ny`G2ZHuDLIPo$2**jc;r#LJP=uZG z!|_rATa;Hyml-@nP(Z7)nkQBE+U?ZBa85C?XKKCeBF1aNH@K)?Z=H;t&l;wp_g<|N zTxb7U+{qVx+v5633o%#YPiO9^h1R`d1=WiGDc<&flqLT=T?Hlt@IB%tA1(t2&_@wI6D49+bY0V7{*_RBsOTjJoe zeQ*123s<}AhH1DA|BzBkw2{htvfh$ve{JNqMZ`@!J+XxV@bVv7+R*ZGaxwhJ9&uWB zFUq>%O8OL?y~>mNeGBbU%}o)Q#A2JU6zkM4(9GT|jN=3GwOojcyG6?@f==Z$CIU+Z zoU2wkJ4UhNaJ_bIO=W3U;mTpS`torRWJ!xC>!`tV>pgiqA|ce*WX)0Mau{Z85l5)k z!KXb^yNG*vOpepi7C5ixl&{$gwd4*qa_43YCLRq_o#GTe|BB;#V^B1>(`4HNH3PT- zG2SS;P=xTrxFz##?UCNLc>&LX5=mE%k+8TK`64dVlND$+OMO@`j$lj$j_KQS z2hqV4)1iuBgdHws$+ZumoQLT@oPOz=rq78SnG$Y;XfwVw20hoh=B0gHbR<>srA9*A z#7sSKbXGAw3gY)|nrTQ4Ivx^uuv7ni2J2o2?=>6AS*dj0uF=lTKX2e}JY{W_R7hpDhAQTF=h;fB-i z9C&!+HQ)t6pFTz$Afa-1E2G}-u6}L)_=uBliV~}|S#jn2jG?9Let9t-NABvBw!6z- zl;o>tFvc^aP2_`KC%}QPSu0Gj=%esV^56qk!V1@|0`&$yr}zC(fNLmKR|$u7jHEGr ze=J)c&l|FzY74-;m4aYFT|1B?H8;l-1n0&|S3bvi{}dF^)D0S#U^_T!+2-Tt;kQ?> z$}44EmzeD0D)Fpu;@*dZX<_al>G3<+yAbokP6N%~NYLg7zRr#6bP0Nfb`7Zm9G$YS zxk(?=^#@YETf~Jjb26m~`x)=O-8oNnw^hUUZN}E{6_Csf2ISO~eDW+?+zw}DmlTd< ze)yCs`srb-e^8i^1O1xYIIIrNMUo(*32t>?YAQ&E<1RWRvR2e(!`j#AI+=pQn*JwD zr)*mIz4qB9^WAW6uYuuQcyIs)HU`F~ewNlb)Y;HXu#fhVLDp}7efFj(*Cof&se8X^ z|AdbummG88n)JRax-NNK6?4sXa-rU13=|cg>>tkCkuhaUx5jOqsz&oB^oQsA6~mcR zAX3^~jz=8MmSf%I^LR*U zia-~exdZm0^`oq>o?wqQ zAHIKk>v0n4&{3)}5#js5QW^bYU# zVJWtE7g&z!ugZEB(KM1RAEpZ3L&ZTSE9ppREt^{ z@akdz(q1j$xAtmQAnbsR0uA&)HIVji?Gp<@_+SiF#ZBe4k&nUGR-q&gCEB-yRZwh0 zXAf|Y0rqwx4fN2GcEoNHU|UiNBpuKY47<&Z86%TWloV~E0d{5z2D)PpvD0*s<0k<0 zI>0sOfPrR%;V#NFn#2y|s4+#bm{4%gV&Qa#? zcgMB_go8L1e;BmI+l4Xw)4)L7?oX3-yNwof5g=e_P+vo*(r9}+UmyPsS@f5o{W4XH z&yby8kmEWqj2H#f6n(M)c*&r%=O5NC^Vg}OCd+MYu~GIj62p*5a1!%BzkslkI{1lc(lYdxO82fL>R$#8A3F6f>nZh5 zt!FOs_c^-wk1qZ<`~2U|KBbt>BNV@Wm!TDXJTcAVfUdY^s>vtcr}=E8?M3Ygl_Q57 zcOZ6O2Z)KgTNI1Q3~+DTl_lMn|5TRf|Gr0||5d#IH~anH&VK*fS1>czw`X!W;pT%p zC)*=E!ewO_#p7>ZVv+)*v{8?R^BaTVcqHJPq4TupldIV9xJ?ND>- z-PtoN1xGJ1sfDl&Rrdfu#Xl+yxy64Kxc^gHg6(hZ`3FPezg&C%r~J3x8D-YLjeMx4 zq0|;;R+7P9kdn{bu&K1kd^=#ZiU-Q*hD zo)#!Rw`U^?nDTiGW$Dw+eW*U9@K7OrTZ&1fEJW4WlfCgkn5OZ=yi5q)>^@V;&nf#f zbag9yTvAi@sJgE^uI3l?r4*nmWw?xOHD&=e%3n60`mL$nKT+WHZzb>OSehbf%u@Ya zPvLr4>X~&Fx`#{m3_Tvhp`-L+%>(_l?dS~JDdd+mP{#aOdk3OzWmZwYA$COjqrmKM zEl$RTY~A*sJ*(=3RT#zyTAuUKD(x4Id(HD8|H=J}V$hnmN8GbT%W~e-IAVq!9sD0$ z9s*;(dh#EPkv@*Fv0QxzXVrsyZXvs&lGYl2i|;r*1k|mwC!Hg})q^?)hSsmb2bBtv zW(Q8_ykL22b}C04y7@Sk9F8t@p1}^5(k?l#koN;i_svbT52MWqR)^KXNz&MA@$@Z6 z<>+kbb!7I8$E+Ukp@{YE9y9*w$JPKb>f=CU#G4+>g2llX7I!{=pr5+Jd*VUz@)YMf z_qvH6tQop>bZCHDjhwsWHFtZ>xbd0`+=TSP;)&b^Ct}xQ3g^dxA~iNgN3>KR{$EGEl)nf1Cd<(q0kN9ZtEbEaW zF^!h=m8HctrowA0a}@ZiR=?tZ|KI=Ub=LsD+quP##x5R}qeVs3hM{>#Jh(!S&!ZgG zJsV`L(ho`7x+c82M_G)I!z9J>P^}-;)Ve?S#rRi1dvS$_7ka$AyQypdxlFoUHRM-d z}6 zc8%=@b^c=ZpWv%vzCN_Na^&_==Yk@SI-<{6pD>J}I#GeUu`mvERisX8jwAozneph^ z1s45}x=JJIU8W(n8Xy30Ecl;t^#AqRGVWG4=2Z-or@N#yW#$-^6U&QhO1{iEi90YW zoH_@ABsujVddN3HgC(=Yu}S@WiBn(jL!ZFmD#M58e!Vco_zT6kRQ7WKLh~$7g<=wU zB%WnJaO0kgwIRBNPj57;^s{y|YzR6@E6uSA`pWN86p3?Dzs5)$ef#j)3#6w`$?-2U zw;C2-g*58!DTCqQ$T|(!>^t888bxyl(pt5Bk?7gwNo5{4dI$i%!i+mI2W`&K^QA5y z%`jD8Ts92Q3=~p0mwlli2lpO7731iksax&kvVnZCYJp_E-p~~x#uJ^}DgJ!=d92As ziE(+1i|Zg>nSRNXJ;H98{fPh%=&~MLP}_mbG|EwUI7_L9**g#oB`hA` zptO_3Xxy6=E>2pseI$0J0Zz%!{FQ+IIGaheM^Q*w00UzJI`0D8-e0%_3ALx$*Fo`U z?D#9x`Zcw4JCGpJ9murJUyuScMzj!T$r4cgnCuq^_Riu)R1 zy+g=#PAkx7tdr6i^5?bsGle`F4eJNa=+0<3NmhjR4%j=d(#J@rkv|da!2Ji>H}2no zXe!i?ZBEG1OuGI|8W>$Srj>Tm5LbZ zcdrPWM&5cZr?cn|q51{Y_e6*if%^%(&;LRg6_mxB1(Pl|ssNDNo{Gg)k{i z!7#Ql*$db`2tWJWOGo1cg@|)>d=2G^iiDG!X6Ky~sR>@vAI(6kS)0CvXW}}puK?q9 zss>cPjtydZ7{qN6ofTDg;+|uUu70ZCSqaY}M^AsnrPq80`8O5#?)2o%Yt(1RTDDl^ zV8%@HoVJ$}vU1);Z+R?!u0262BWw8%As=xdxTz>b^Nk${*Kq9ENJmFu{HYH|Qfyih zE1#9;A9{NC45+yI1Ui|t`If=yNo~yodE)&_AN_AvzM#&S|3AMcC=J0PZg}sBhuI>oIBYg+hz^xhdh*zR>fYeG8-)K#v1CTeL~@{So9hM ziTMV7$EsU|h+Z2OGjv6*Knqp>VpHe;yUmpNH$VR^*Z!}NYhDQjz9`}-Nz#cXLn!X9 z6`nmD+Wt{r+gwDS-!dTPTo;d&}+3hKakSVyh{7S**^Mf4-B$yEg4;nzB#zi6; zzs4yq&kkhjqU$nHEO)(5J>~bBNBfPay7*S`xS19KW7c=37Cb|^*CLnpku@wRe5E}Y z7wBadWaBp3&)@aAknXL^UE;y+!#;v}`D?28PlafAZ2$**;RHdM!X?lsVP*`Yhz_wB z-4Z}aW(b_uSqF7yxki(=n{4BA*K@CCdHMFlB-WidGksCz))e>^T|F}*S``a-1|Ak@je~5u-vb<}v?qk5W8|Ei)&8kbT zGECk|ybvd=y2nMvpR5P!caB>dsbeHzhyF?nT1mAzCb9O4@>D#rpASEJ^HXZRuH z=WDN8H|u=YEJUgyC^%{35!hQ)4+6u%l(SFfub9T^@{<46(7wC`4>u%6b z_k1@#U7=LaQ=xqq{c~4rNc8*(?(ko|BGBF9Wppam1-5k>$-4vjp$b3_4{vP9Aj-(V z^lm97HPdio+xIKb_K~oun~@+gj9h<<07qKnmwaG<+X5T=ZD}tJl=HN3l7Mx7i_Buy(N~MqnyC}nB-BrTJ|l9W9KLxKoaD^dXMY{cumvsxFnHWQuX-3ASO#2)WSMgU+7cDoB~KD>3Ohf&4b#c)sZi!F=@eYbW=wnJO<1lWi#S)OXp0(+N0pIZqh7 z?}eo$FBzzb`PEgKxY7>ey`^H!KN&8x&aj;Pv?r_9m6`w=Su-Pt%qHUi^r_r>iz1YJ zR*1Et8=;xiCeUcJ;XiICVq2VDELmH@6Uj!qOyRLlJ4~m zb%v_mGS%i!Rss56bw1+3Ehc;dPjB1*#D345^a)2gpg1VkNfqPkNz5{L0~y;Zp0Xb; zYqz|mt;TYno_FeMbtKD4ZHAhd$rsVE@!T;w&c-QLh_9P5tz`|{i*$Zp!{IWry7e3p zYxi?xdUNO}vV?9}}NKKFAMA)vx}ueaJ@T}b;a;oKju4mn>0 zIKx}nv~OqSVw3_{_iWa?;pEuId|iJIT=BIWw{e`~G_YD+Ibp{tX?-GI-8w=zdMmqL zxzq`cznbGEkQSorTFX4Fx8y`~sa9ABj*8lWM9Uksjx@142YrGOCducKgEt61v~aic zP~^WuPoSH|9>GpUQ8acS#Q^{*v|HD?4R)&&NFhe#4{acXc(~`0zkXvH6+C3r2<}Y* zpOR1)=hUM?kjz+0n&05Y9g5SMX}`+P9GrA2A(_CvVQz`oGI%p&mM>`AHj+BiIFaW* z^F9Ubq|oI?_(Yz_vmN{H_&(;P)=yRQn722ly)@;-_Gz{ql5amxpDRw+fuIMc@)_Cz zIdD+duSb#Cc6|-`jaUb{NM!j6MXJz5U5wPGN6-pAQ644x^4+ksO{dt8CK2{W>m>6; zk*nt)JZ7_vJfY0?*-MNuDxy$E0NZxS|3mEZ{jhgAMw)%nLG}wNyWW7k3%f!RI7zJg*b^=%)iZ0e8 z%g~?3*h%@?_>1!cLkyJ@!Uxlw0d{YE^uQJ*p``Y;+g^{uKThT}MhVk>K?8S9NH$Ol zu@sOrP?WArd+8!Qy#rzQjckOKbvC0Tkfm<1n5XL8sPIz9AlYN9i$9$Fr@RUDyxl{* zVWKB1fHKA)1JDsMX%q?8z1H{ce?N7y@xNNdq4bXetflg zib%+Nf>9(AgNmvN%t5G7Gid6c6|u1ZR9Ve0t1hSU7$fmzp5@31%P>KDSC)4dY6ROv zakme=g1)ikqh<#k^v#~=82Hp?X!^6h`E>cu**X7|@KKcF;~W-CP7f|exmF)GnWrf% z_2IXa)NT?$tZXH?R@4E>thCXG#EBAQ*RnNTGRHFHd;!X&Bzbr^A`7p_6d#cvwo-(}(AG@)%E$%SyrzWgyNtqs*?oc#Iy-f8B1 zM+yTqy8!73jX^S9YdC#TgA_MTLR`!CeXf;g;67yg_VAZ(QRQ~gC;8l+Qgx4$%*5$8 zpjUcNC_Wd6yLP=Y`s>&3)2WU>z2c8&YE-@)d1PV&Nz(l!=sf+J?1W%?u2V&@efgls z$(FN3em_Oy4sOJDMk}G^R*CYkXqm&PqVRGGvzF?6^b1hKTc|G5k3kOl*K74GPZjqd zj3!(Z^!wh$E)8c_87V}Fy?m!**O@bp*Fkp+GS*k|MAWEelg!SSMt5rW$h;{nFOLnH zSM_}?s>Qf@0pPs};Kmx*m=V|UrpW~6I%O^Lg#nSZB?*TiF>$Nti0|X_Q=xSbvY7xO za& zNZ1KplCU`Am^Yg)S6|36x~d;1)n?RNWLMpnmG10t+UZ&&|4_rjIn0Esx4{c)PmtDBhF3MKmYnq~7wGdz18g9>OlJ zCnUhx$~xot(>_Tv)(XjXdzSYti)MVD7@~71ZFZ|w$-ZO}s`gM?^W#B*pI<~jrq@D% zOn8zxvI7}}0v&F&u}OvOo*RFEAlS)b$d-H5*E^8Kn{cXhuk?yPNsOokB+(!lY}W6e zvD;=jW}_SHKj5?-h#bBi0I)<6D2yQO_6ssPoA%xR)f)eN{cMxf z0dpRBnrgf+BSTdy#g)`Y=0PC)YBX>!`Fonu6B=IMuh3lHFijN*l)2uZ;|ghq_3Mkv&65|0Us;cXa}MfHT}Sza1yq$4cordxhsmdk{5p$#Vl-GzVY>+ zg`l;B)A@q!<^G;`Elj(ItSX5IvqXYzwVSVU>oyrVZ5ioMYq59F+0{Sx?U(VmUXK6R zFlKM)G*iFbz;E>8h=^8gfQD<>sUe>;5d3B5MS*ka8!QH!JaIov7$EkI#y-i?$RUd4vEbhLWuC z@VdiT4un_E*IMox^AROgX6cuDeRj{?QpDQqkK{$kZm?G$D$+TiTl8jgA}wU8_J~~L zbJa>OB#Z9dG{TR$)HOIJwdi$2aieR3*zs#0aJuv=^bEC^NzM33U6L1>Z4S2Ai|^~l zY=`F0{^uIf=wou4if?jNTEEO0f6OD{gmZt8z7_D8|(o2Oei2vsf*q4z45I>;(RgQROF{a$hUn%y-Iq%LMU z@ux=Re*Zp#dG1~Eqti7}>d>diyUZ0ozm7T&*2*F5@p7NWSQ2F(H^e*l(OTSo}>##lV1ieA5#9@CkW| zaPcI*%yaaOqWMJ{dt*-uKSo@I#b%r)!SM@?(DwsN((Xq=X7}AL)aRjwN_OXMd8gFc zE2j6B)5Wg^C+X!&BM7H%uniZonO6*~#~3VqE1! zwNX4xWB?(Czc|4YO_9~<_jEfrKTxju;Dhz>kiPgOdoht-v(_=Zfg$6CZXmRb_Bo$5 zJyuH)PmjpV9pSLFdOlN=F5zcBRhrjSJVi7<4>h2O08E?e$(#YB`g50Ev}x?sVVK^- z0jkd>WtMI9d2OY0CLW(1kJzWh#+bfb<1uN&h#LsofC>1bmc;bBMI4tcySpcdCUFcF zVW+!VL=LFj;yEC1{%}83n%1Q*SxkM&>sx^EwG%ZPBuRZY6FSKj9waqev1to-LYU?Dn&yC#Rp8mSD^{;vuR2TO zdfxetT>j}h#q@TsNR;>u`Vph00KB88QA8ElFqhdVM%mljk{Lu|N|--b&aO}!t% z^jzguf^gug_gCrA*$V`5VCB4}eI6rTp+G4`3&f#61j*HzNTE9r$-N}NAGbD|Y0HKO+Y~=qyWzMB}6#Q>9_`f#7`z%B|KUz6)^^ zdKzFtYUke0B~zI2eF;%+Z(lYp`h3kP{>&rQQuT98yh6}w4le10EkiE};PcLuxy3{G zU+vM9e|vT0yMf6StO3U+lhK=0>-8@S@V6!eHsBJZ8FsJGKAXa}InBDJOmcd2jhIbi zEtAVOjNl-X`(oW!Nt5i$zUf|;j~<(6SP@OW(PSu=__QWNvt}Xjt_{>4OhTqc_UWhPsc~oXzIt1mUtaaA15S=p-@R=z zqqozeAzJ~>@RG=2iX8!^NqyxR7hs8Zi^s%VyCXx3l6h-qTybWP>TFS=tLW3?ywKxk znr#vn=V^x!%rQ8I;)##92Aa~rq1q_cYrm4!td~bN=EC;%c;$4t5(_K&yJr$lyPkS@ z#(K?mNfY90Q?W=LFBF?dh*3XD(sNEY=!u+X98y0b>nN+^ywtmB8ONV4PNRO)`&pGgye3C_;^a-1UGwv!bDoMTEJ_Il)<<2tT&w<&uFo{S)U`Oc8@$f|D)uKT~K`Ne(p~l zWG0GgWOI-h!7KuCa{|la5F}q6K=r7%yqrt45u#1NHyS6+DN`0(90l%0{5|X3qYUaMjN(-0 z|87$4npS>p&2n3!$V13QThK8s$#S*xdnwHjRX4T?&UroIjs9uBd_MNa&jS@c+nrf^}poTIZ-RIF+#5QiOWc%-nD?%4VsI z*bKu{WqdDP?#53XjpXregRY1P#4vstcbP{3lx^suACizz7qmBZvni1j0Gia~-bm9W zc&EJMjb?hpDln+)BjP({BJlW!9a3!SZd~oyn}_P=-L)(fCwQDcPZN}#qS=KW(C@nQ zt;mz?#@gvranjm|wV}J9Ft7dAvka~w?-Hr0d$&AHYfl8VW$Y)tBt+r{noYzE2yPGM zOpVckA zKX-DrWauNt^2Q4*KOdJI!&EBynf`@~1dO)D0K8--#EzQ1jvY$S5HlF)F|6wGGQWCi zdS3LpNyJ^@xRM4Q$9sZvm?JKGsj6U^QBBaWASTire!-k%L*Qs1olWn(d6a4RXk1rl z^9iHSa-AOx*Fxk^YU~YN+YAX}4gzb*Mp3rIujr6kvgXx=dW?n3dX?l@G24rW6Dh^@ zGcwy&db1CYr|P?3mT&DNx^U6qePWSzodQD??Jn9W#6c1|5GTi5pT#O*QQcS2W1V1G z!ST#g|It*^p;GBn!=+4l9B29!tp$Kz78Eum@KFp&Hm@k^F%$6QoWX^1ns{H?OKn}U z*Vn9^q4y5ajoc#zr@s~TX>dsIi(|hYd&=!Y&MUSgPt@ST#L&k@wtygR;!% zb7%M{BZ23W90bZvim}d6>|5e7s_GqT_S|C_B5iL9X{lr`Ki_ob1ZyC9cRw+Hf|Vni zp+hJftR73hfGu5lXcSe};XZBGR~Uiv%Keyn)9m_cp^e2w^(omwdR|^}esZ<$hw7T{ z#pMlVWQmOti`xnDnbyQ7hYdD|+@&u>L!`$OBF9!A8%3drav)=5wotxy6CI)sMYd|F zA47is=mt_(Fs<9Jf}~T(jXAJ`jn!c>u&7{gLI4N%?qk1hP!F0^F@YfqH%x_nt_lZG z#Xl}x9i3n9L*ER49@4SL(6zJa{@(nr`@itQ4kDzep&0Z5TDv87F`IC)A$3$4pEYSH zlhSbZnqx)zwXaKZF9eI0Q!-ST9KKv{mKyF&gun8BS_SEWq{Z{1d{|F*=$<|ojOloCYJ2*jf%=Ie9c zW$lTQEfhXIsyV@yG~XwlbT=xo^2+TX`B)2m`lTmV7@MvHbs#x0A81Tgz8(_?pWE5v z?F}nRbtJyssXF_lKkAQuY;ZntHCJ1kE(Mey z3F9>cH4&%AVS`2!K8u@y1z_q+wHpKkCF(3YdPXH8)wJKXq+F?q$weL}ajyPVfbvm(g_Q{?*5lWR_NjF}pias&D=YAonVUPcw%jb+NQ==ir z{~cuFUl^a`36EfaZzGUIIcwx>;bp+K?vI2b@Hj*Wbxkh_j$t&K)w71~In3sK2*!xsqje zmkZV8UXL?BcdN%Xr=B|^-051Tv8}uzOsk;tA>gu=A? z6t6+ZPU>tVsOK`?fv}j76+p(^OOVzj2s}AS(olO4k2?paFhD7ZT}$AztxauE!v&zt zh5b@BV$XYxTM9q@J~u{nYn>a2p1xWJ6j0|k!rqi_P@9g16_ z2v{Nst*~DStDU4<*g+I6Y=x3D4<`FpCdeF|0{;lKBHiv%3H880a-AmS!UmqgXYfX}Xtqc!-o2?6%utV6PE6ymKUDdC-_e5)I1vd|l# zpEz~>)J0{Epmjw2*Jto2k6)$UfWT}1tV#`yVA6l z#9^V{3j6+64{qD4L z%g}&#mw37MW#cEeOplo_dM4)#NEu^K*aZy2O^5p`26x4}FJn)5kV{YpO|~0r4|^0O zM@0pRU9M8(u?&UJZl*D|ReaFBuJ!86cjH<`!?!P7S;Cef&~D3BaAqE3pa~*w^w{+v z{N82}DmoL-CUZCJtJ-oe;-w$Ce0`JQV>{|p)@7xWq$eXPL&OoKJZG#`QTtX6Sqg3H zS!}MAV(BudfA?+S@oFdZ9s9!c@9SUgMob({XS5J|ka9;jSLjuAQtg3c+Wuj@?vIiM zA>s2z2V`CDpNnwOrF1CM1P8!Q3Jnqg%n#CvFBPE|7typ35ZMA{7i7BxvY84<_XYcF ze2n%DWCDY<>0f@4`6mKdRT})J5;=~geTS8mqPFQ0XuylH1Oj$wkR3Jho9I`bfKv7Y z(J-a=7nITx>^3t<_60u*C0p%|03>t#A3TD$F#P4tkn~vo8!L8O%qMVk{{+%_2hza2!f82Z;4+hD(C0b) zec~y^!1bHe2Qx@0W-WU0|A8s`-^?a8Jriz?oqH%p@zk%_N!H8KNJ(bRdxC}?^}(yn zTz)?qG8Ddf-GUse10-Rwq8uLj`Roh-!p5@AN4LX6#rQi;ciKF6G$1SkWlZzGF64MNRXMCO!w{uv(MU(xX9eGgC-^dZR3;cfr zat1>8?LeTPO8G5O4OXq+aaqpK&g)Ly-%I24o>$JW5l6NMp_0eAc1?Uzr+N+f4!A|BnJK-#P0&} z|Baa_i1Pp&A;NRZ%Z=UX@b;Z2kkSqhsYd?b`S$Z@z-52ZeBXLt<0$B!MLCY2^J|v9 znHQ5;8+)Y%0ytUNu~VPJAGY?RxdETw2b%b%TF+Vk6GyHs&(D$0PpcoEk0Wc)`hBo` z>&I^kao`PO9LvovXYFe!N|Jy)^jn)oc$o}-*z+CTCG`p49F9;K|Hv_1AH>yz>t1iu zc=RgRJEv1TV>)W8SUkB!rEq)vYbo!9Q)5ruYpzVL&61U$Bf}f#E(^8Vhh-kMwCkkw^FPe&fMjSL4T+D+1w{*&XOYrRfr~3H)sgm(O zsyO_eo|iV!QQ*pRMXLOrGDoWFb?wkD>F#+E=OFuL#l(%@4r`c z(03``fgYFeUAZ1r!V`%QoA`jdZR2X=VUTQWw4`evkeVoa7&aozbE?66uY|MI;~$iU zP`IC2-Pn7d2D!m&6O3V?joo4)PNha7YtZRuKJt#BF(p=zc!A5Pk?k1?GE&IIVH zqBCQw4`mf5+`Pv)*O6I$?1dD5)Ns;T|?_Tscpw_d%l=dLzam+V_Xz;G|k zY`Ju5d%4r^QLuq;`nqA=5Cp&%ByHi-M#TkajizJX0IFl?_wu96o}EJNwVU65O;4Gvx}U` zH!m2kQ!3FiyaVHQ=fAP{=J8O!f4?}Xq(Zi2oywXevL_i*mSjnmtWzXgLiP+(*0P2W zLb4@W_N-%HLiS|rW8Y`Q7-s2r`P|=g?$7o;_xC=(`<(my(I0y7ZoKC`muq<~&xKQ_ z(~h=DKiw2Y)m z<#M&{!@bX`%)!cw3hFY&KMXvxm)ce^2)w{z1LP%?rd}AXU5bBhyUXUPq`CG&p&AaWfDO+`K(Ohu#o5i{ttgW?_y$gGYYWLDMCzgz(s z+yc4(ATeQt;Uz(v;R>|GHEo|RihLa8TD>4U`RhImdESFdoQ-(WJ7F2XHi~Wqn`qt8iQzqQLmhqMZqtv z7B_9)_j_^LD@XU{p=s+3tLF6SfaqX~NHN?cd{`b_6%Vm;DeNAR-RJ7AHjBO7_2ry? zjEto>uiE)sff!XC{v597%?8a14{7DL%Cb&xI!yLl5zcv7{%wAKG*Tk+(!ERT8l9J~ zxfs?JbiaMPHayrrS|qu$BKW@k(SBc%2tFN~G1J>Pp$KL;*GkvJUA8UJ{#%ujj;kfo zoedl9$FD?NFO46{Bctt}D0GO%@G)N48WZwR#ReX} zcgf~#@nN4TMVM-)kmV&&g1kpvrQ=e}`nSyzMJH&F!$1lrKZAf_hR2gp!Mx5I`*pXN zmC+F-ky&#(rplndR%x31J!*t{Ir*I(5`)zN74pMadNP#>V$0ljk@>bVd+YII{YMXd zXrSt&)HBk-MS`NP5}>v`v2zI z0pXjJagclgQ8pXkAO;z|+)JWX1F-}Gw+OiNe|(HT|9rrjM_q=I4rziW1p=2&iamG; zP+k6i`ymDp&8>iKS~Cmwjy8(D|WD_gC27l!=WKmY%qA*;0zf;;gj z)*^>H!PNyZvykYYS^buVlP~I4=gF9l^qwecSJ;D*xA2?z+tW^A+>k2FPm1uej>7l{ z!YpmAtfx2B7*+UXg)c1jZQoNq|JJ4I)|AMntx#Y6jgih)v&8wmdFkGh`urnmI&o0p z+=}|yK6LyAw8pdx?-PnIUz82?B#!a;AIlY<+5Dc+Qoa3DEWG}dSLocN8C-stz3qaw z*YinzhVU4Vyry}zdrBYxXtvOHN>JcG@8z-ixNgu$XCdiocbN3uHQq}%Wfmqp?8-(u zv;9K_i{y5|zwZv!uA)6#b&kN#VFvLzZM##}eNIW<>K&21D?NJ@mwD+N`W=2W zx0qbbX^R>Q)uG0hA6W>(5HvJ9^5^!_ zc2Tcl{bE>8Mf8txjU#o>Ra>Q&4ba!~_Cxvj{rnSM1W6y-ZuJeo{tFS$Jo+J)d zJ5}0V>eG%=?W(|f{pGPO#DTnpbZ=YlzHAiOaHfn9#KH_R`{Jw(iKG1mVlxj(HZnTc zYl=W4^tU24SYDTYQrufWY>Ow5DRn?zd7!fqT!kO~Nui2GLkKIIpqDs=Xf`800vK*D zEInz*6ZHL74n!`>F_7&e5F#C70rLHF8tEh-=$_pHag+`SiwgZ@5dF1YA>@6K@6NkJ zFe6Y7=+dMDNP~R=JZY=?K%-(EPEDc&yBzo!Avij)@u|=trkO#@jR{nn9MU4vww<^^ zSX5sKE}8%3ll>MK!9XsobQ^?Di{$&HfJCsHG{Nwo^>`fwR)759;6;BK)Te^vkp@H` zGXeubvNwod=f=yhi#UdY>bLLmeD%= z?m@edyCJcW(_c+`seEr{W`cWg8oAyI2_W+N_g=#XWY*19xDY?J3W;o4GdqjpzUtF4 zt1C62kt(ZE3SG;6xvV!TXf$Ivv%h2C!-6M;!W{AQS!1K7gSW#e>chuMV1?6o#rK$7ot) zS(swG$m(e=5CUtt6Nxvz=E>%6C;|;jTwIviC`UAlb*358Fz0hFd(17@ArhP&?;v z*A7<`-+|Hii1%z{#5+v`M_QdMl(rR?9A)M1B6UKzBAM5d(M)O4?qN{Hq5ds8c~>P! zo^CH~i>0ae>FZb7)bAk}Zbfbl*d+ne;`v(}H}2iNH$6wECXL^mK2}RJD>i1-$bEqn zELF6Iq+I$08}q{L-YiSd#;i9>Js3mnT{$0YnknGf5$NAvET^XeD3k$!aaM*z74FXV zt~DQ);l7N41eHyAY-(3N6Tp1kwr}J+wGVl3IP(bf*NOLLnSD2f% zp0JYhG?3ew8;alcsJvI6-zjcEqe>g~1u2%?2BAPcT6e`g#@9K`tV0cAc3arvg0t*= zooHKdrKU^l5rf8Nn|JCgQw8V4#Zk^Bf*g4ZDcXbWu;Rsb`j?1uwWf$G>xdKYu#b{h z!xg0OGq%Lzu6-NuDq5d4J8L^v<=1R?MProbH3eyiJ?MGbTGImbiri?Or_CUj{REt0 zT9kS^rv-xApPJS2->wtZH@9k#d72WRLtAzuRbz*(Z#YYoq^jSzYBwdJJp!*)3~DdmrL2}UFG*5%`p7RHC|W;9r`UTCHS^>Kc1 z%z3Qzl}_GhUaX~;8!n4q#zJulq<2KxoJ<7f^=f5*L3baoXBV@~mN2S&H3ptIJi?Kv za!7xAZa-lyXJ(zcX{y3#-R3>sLA!FG48Kv!A!Leb`P5XTn5Z!D={lvdH&@E1%a%HK zlpybie#g3E0Y~$n2%D2Tdv*kVJfS6x7HLgFw2+xGaZ?dagRP9$rB->)CdO-;>V8%D zZ1YGAalmOczQLy7RV*I4p-)66S7E&;?l#Ldel-;wCcg8_>W8IHVZKjsf}LcH2-dEz z1!AkBwsKZ%{W*5UDP#maHgmBKv!Nd|I%1kqc+#U)Ko!+wdM4w%nYY)&#))w5kmCxX z;ctgT;--G6ZF>@;EQ%OrtXPFBoi@65455ar;6xUH5u>j5WN2hwfq!1IxPPAq&a&2rCrtN1=lc&-)#JOY@$t!i!}2OMa+8g&k)L}+SPe&RT71(_ zRBjY(3`QI$9(3Rf@jlmv0gd>KgGodnt9)>nVgg@WOLU&*qaXG%eI1rhB$8(>3j#W( zN4}VhLyyDlusYLU(+Edw`@ee;noUwu#KPQZ54D-gYL)kgQo5YZ@8lH!@=(Yl@2JP| zmCN^zQEy00nkXy`+o(wFC^b71Eiqy>u+Z%`>8=W(F7_Hm#r`+Pr2yz}Ii&?c|!ennG-(KP}Z))+Nr(~x$g z);k|>-v&EnS1&*4*5j&KU#am}cgBpwsULa+D)Eq&W$gqm$hs<^XzWJvg1VOF8G|^xO*~` z&w7U@rNswb&jtQI;czExP6Oac&91}f9&3fXti7K%iuY*4YIFA&oi^rvaP_U)386|% z=~2$-=ExA}edK7~P5hHo%8^=@9Iwy?G$(A;=-cYWVsDS;-AX6F(JGC^F8LC585^2s z6z}K@(o;{oY5BG#Qe5HOp+Xf9(6Rdw6`7lD2T;)t!-X>?&q{I<6~fq^T!YNJl{ytD z$4462>07Tta2lAX5adJJ^S;p5R6$H|=x(V@M&6jMv+v6dzSAEbex|Qpv8HDD=*XdY z<$cL%Occr$-QEmE0sCRR5%x#ZzOF`Z#J1o$hYl-(dmz$rtMDD;$yfRMOyw2T>z0zw zD4^!Za;e5#+A|Z)q<8&nt(9-;U4rgji0%5i{`}3M?``T_D?5H}ON!imZVGImWi&cRtiO(A-_2vjkH+whAZLzqHC2`fK9hEU!Z+)*rj@1wFXbn}KE z?f9*d<;6A>UFV z6ZdU#_io$V6~HN}tyMg0)zLAhJk+Oz$?+hMzS2smu_lA;_=zc za0fVo&eD0C=S8jqRGI{h>;7cCb9^U--LrZNF|hZ2pRxYffh-B2UxC!XatBEc9sG^$ zI_f=BFkj!6vGn2!!x%!z6qG35)r_Zkh6{S5X@` z3x+?$1&v_0|5nW%Z5JRtF_(9kA)rBw=hZu3EpMj~q&@v;O>0s?eb7u%sKuF~a*hg` zBW3J$89l$LFI^SJ>^}=0aF@9qb=c%{xA~N}$-kRn`I*(7( zo5)DA7+eHzhSR_TBA`*w*Y`Ka5O$L{Z29jGor`;YiF>#b4MIx1h*^K@>n1rG zON0;Oh2vEU!m8R5X7ReV6m z*;ss~X0lB5#k$UTHhm}%z$c=6#G3l2;!Qn=Hqd3p#x9@12V<1%Gg|0f=OZXI60Y3^ zk~{Rfmpb5ETV1FeBVq&4GIL&p4rI8(+)U;G=w)p)%rNKXgLIcQ-z<-=t) zfi)#{F9rN<-$*@aJs+%Q$jM@T)?Yq!%ZZKL52Yk?t?JAmIpIou+gcW9*)^{u;~CMs z_dhEXpPpbpr93_@R%b;XnqrWi3Ist|P7Cx!{h8UjecKMX`BRUvT#e?@9r~E-j~Y7^ z?zy&lQxln1XWB#HY=nz=*%l9%g2|fM!rHP3CfGLpM~oPT(2((FSERl|Kf{8&4n z+BnYa)f!=`%u6sEQID_HO%Ruzjy?Q3JaLYq)N1~A=bG^B6e|qRffEXzRmVH!ykCK^ z)tc>k$U9dgu9fYf+8BK0{J+R1&Rj2-c#~n4@an8!qT7}e3(*I=+X{V_R@VMZ@jTwR zfTM}bH2iRIXUtKa+^jjgo-;WAsP*)F|GNv%KNV(;+r-JSorSmq;`>okJxq3}f>m~k zX1lnu`+MWPRb1Yx&l}?RtVsHuRMVVuq0h%IqwAg^&+S}S$wD+L&I!pL+s4pcrdSf6 z^OIxQ$NoY78FCn|49M~Ra7nNwKAi=STYDgO31`4k11dMB7f`vQNG!P{2i*4?7?AM* z+Ur0j90977OyB^6WdV&2CD0B#pl<(7j`x2l@$3KZPW=3y`c1*;$l`GQa=dv4Q3xYF z6-phXV4m%jwC`2qHl`kbf>J{21g`5duU)bi4^1f-Ou=Z$oSAYj9gXl$W2-+w?(=|@ zg{<|=Xq0oYqUl<&QvuvtZ3DM29BC!eiZ-Eq(>1O%-BNy4aVEd8b0d`_0i89qZk+4Y zbsO*SaaoaJs8;NLMs}8qPbM_M)5g=?t##U;Y+Rdd`s{g}ab@n8puN1+YC)Y+^qtqhg(?acDYc1C^5zRb72L@X*S$Z+XtoS=^$v#BIf z^w)ZO<`T^YK&Mo$1_LT_kW&*Y9%(36dGj^ar@lQY1!>Vz9toZzCE`J&{jb|UJ+Dm_ z{_QQ(aCb?sfTrhY2rdM>w$C+Gi9G3^a*^j9Z>e{PmiNU}yETtu5f^t>|3!xGmhpm<540(Oi zZ&1J!GT}hO!M#9cOwH*TDmwyQbxO3QI=BGL(R*X+MkE{5df~&Wc=4&G_?nLCXWm6= zI|!-+bEm^d+f6pO7N)W}3>vP;fzPtZ(m=43&le`jBJ>f$NC>l4(P}T zJ5*V#T)5Xy3<=*vc|qO#|FCk8{HwSG1Zn;T|bfkvg)Zg-MeXwi~linwY>1cjO^(w z)`wArul3`S`tq!;tg}%nIm_R$DAd>ob@aZhJu3=CPNyKYuJ0fTXC5QA zV+Ia*U(i2YiWT$hy5vL{0!+9cbFKyeA}?a-)ncba-c0So>YF)BROfNq>W`WUcnsl`Ng_}kB_&5YkVlJs*#tK`mu*M9*U?A@g!}* zLJ`FgJ2~qP(@>P=41r+DmSrA=13Arj99kk?-c91vNxz_|R%9@5GiDH0HvCx3?e!}Wc8ekxPWu5BnzPoj{NVNdtO{e%Q(HRae9@h zVh<(&3f2HAGiphDPG;!`QDI0Y04;MbpDJR@odw1IH zTDGe5@%Pz?o8XQ8-4G|>W;LYR-nN?Fkf-q}(=|nu?K1&B(i<_oEQ`2j$cq>iU*39M zJu5zzNNiKwmAp-R&;a>;DbXMLz-do3tqe*E2Tjb2&GgUsB1G75t8AFfxD^kBV&RrL z&Z`vv2C`2AylxxNd-;vZ{SWPW>SXx6emD#b3s&UE^gef7dn{dGqf=G<%wARkWs+X? z^1Xz@t43#FAF)1m9U*fm?yK73LI{Bx-vuK@60c&Y(9&OHGx4i4L$MZKMlDHv>)q>4 zPe&NdGQ+LQD`J@W;xDtDOhoaXaaV%g0eg4=QEM7HCeQ{wsc>XwiV=ku`q7$tW~3~_ zRBwp&?$G&4q!u^&O3>)30gX^o|2KXgLqy&Me@}5*_az7}rIi;oQO*=No*huI$!dFC z=6g-X?(`S@yD8S>Vy^Y9vpmFSuUK$L4XD=S1*v8e>)D8&75F?%Ld#RFkdOzMk!Nn2 z1^k3{_N;Nw5o+Dw9{w1?Se+QYE$)%II~RT^&$W*+;a-sdMb@Ta2vwyb>}WHfONdE5mjWO zW93ctfadIH70$5e4nB=W&VY`EdT#tBOdhU?lt8>VMWb*!l?$IT9U-rAG{F7iil@9x zuGQiE2V0K=J&dAtI3Kl~3(vC(KZ45JrvXPT3$_U7NqXle=;hRudgT)~GTIvJ(12R{ zw(Wj;KrOwIspV|4_QT^NdTK%^J0<56OIUbRDWw#QF;loQd=|#39Yr5iNECHKLr*Vx zT0lMxlo9g2yM+llp=~$B9$)01^e(*UeVhGQ9D_3DOAmVjAZ!wc>q&2+b{t`l(ZX*W zIy8^*?D1%PMXBErf+>nGYU5H?%JU2zNzu2L#=c%D4Ku*!?uWRL0z@{}@sZU0$I>v2lA3$ww^Cpn@? z4x5Tnq#(FK7D#;$i71F2er9jMR#j73^9*~QZG-o-s*pEjU?9~>zI*`8dZcxV5o&!^ z&xw5;ejCq<4#7ZQI%!G|Dan4{Fpo5TbJ1f%q58GE)z`i!I^w^v*p!Cu`|;!9&sPt7 zgALT$*W>>4rdbC~7Bz-5t~H;(E@$sJTpu(VO*;{{aJRdL{^V(%6PLI6SOlMx^Oort z^QTmr_tp!77~?PA5r4e`vK%AOq*8XP-$QH(q?0Sami>->>VRk`x%nHC{6BUSh}wAq z*=E(;OaR;g$f~u@K4rnbQ6*#l0qy^*3j+YS{q4nnf0lE<9_4?!So|6lP^SBfx5qyl zm9Oxi?P#-PXm(0Vw>4$?DzH|BO-B1=*@>;6!=3`R*023xYZD@8X5vD$T5dcJYg4|@ z@Q9J>qASdE*~Bn8-7dabChAeVhs-5jag{Tu==L+Hj~SmR3@lf4o2KUjvum*9mAd&+@SdyUGfimnCcP=ErRg^#Qk?`QFmwL;}fwvw$d> z@QIjRa{xw` zt)$=>^PMzr>o4<8KmN%PdEx%sqAy>X&+Kz1u&9h0Hd*p@vB#Gc_{dc{6s&Cw7H`$6 z__z4jpIH;}p4Uv2n;Z#`sY@PM>CD?K-ictrNDwcRkTZt_6$NZ**`2ed!;87+mh)Zl zNuGbU=P>z6kyi%#OcxWT#K_m%NssaX1OvFl08%XoaE$&%s~5=19P}TzfPVXuwoPUF zZ`|ku5sZVJ?qBdp=_ePeko}i^0WEY+h4d)**JJz|jsIz@^UvqTj^X}(@2!&0L*;A( zsDW=X@x~AC<#O7}N=kB5P&|l*(fo}e&b1%7N2DyW;95WVGF&%UhknB_X+%BBE=7OQ z;fVjJ{ML!QXWl5g_K>9;lZ6-4#7tdfx6JZ>@WXGvjG0e=p4T&&93#B2my*y?MPS^k zKZj*)1zcuae~F!i&`2dp^3aLH@o10LrOFHVktu^NyjWvBCmu1AOn=Nvum4e5&t;h# zXXdt^ba#6{wA6U05CdcuYuA2=M+&pZV+^%BpYq1+jdEAg&g(Va%bi)d(rI2%QJWlF z88=p}M{erXFRmJtJ{FJuwjmpA``y~&GNs|2HRZD-FW_fMiHg)fPcFW68WA+frX`?? zJyElAs;;%Q|MSJv+jP5(>I4sXx-!K{Y>dY4N8!$^&5dM6ayOESOzkCWjG=B8JDDAu z?iG~jdu^id;>G#_>!{9qn=ZUjQDXC`GnBn-yvd+G1GPyDgp?+PIKhQ6p33ZWDIdm@ zYXW7N#%oJiXsR+l$EYXv4(kaTNrgZIk{+P3Mg2f+2*iNHCU8v}ag)>Q^$bCvXypcylF z%Fbb05Mc=jFiUo%wCS{neR4=eh@8A@3bP-6A{` zGQ^f6V0b_+==kx?C&|5Qek)gdDv22NZ*=ZIy&Qt+0F5B%(hO1MCk1>0K;zn?*21Yt zN85ovNZKAf!3UJ8)8R;rJc1a#TXz5>kbnY&pB&-<;U|kA7H5#zAOPXV2?YqhWF+}+ zKPejI=I_1(#4!`l`5;ergUuQyMx;vvP@#Y9t|y}ayf6|1;DtQ^UMKV{?T3Dy4XnE2}l$3H*-(4R9Igsb(B0qD<44W~*) z4zL2TrVcUS*HHYQ8w&OA4_V_u25h_-3KopcpQqS|homqfqEG;bh^Uuc-Cu|mU^4mi zhKBWX_lT>&LU7P)Ymy6y0>FHwS**&rRS%PYy}pO+=)r6h+kwah9o5Fo=;ECYR~)eT zYT7}zwT}Ddg$b9t?2~X@?IaKH16Nr3&LZrj9}8Z1hCVp9Y4TVxL9}pvt78#9_(k<( z4ARi4gR+6b#Ujkid*Qxzo%+WMAFc^qs$aiY)Kf9Ky~HLT*BP(v6UaH3f!CK-{b@Xl^PM#3|3| zYo4`ZAd`jYdLFErzk-e{Hhxe$SwF(v+*B58CREV@M_!6{_TIaG7ZUVzRFy8yPRk%J zAMA<&TjM`|aNb&0y_i&oBG=oDz1Ei@d--2-(+AA2(Uh9vuaaLS2eOO!QvXN$`Je^; zw_iqAT+u1qgDn+)Oi5<;te-j+9L65mr0?GU9A&LI+;7xee__DytQp+8!kH(`xW=h` zR3Pa%ulVNo{0YT1HRsLVf~Qr6hgjzME}L{BS3BM1Bu|=s`0%-H*Om|(8ay!{b8Hd~ z6*AN{m#lGM=;&Atn9ME`&8P*H2BqJR>Hq3`mIySLM{~2h=wwZ9v8j*L#qWgfr$XVo zmP*_U6%LCq6#qzzrv-bcCZ9q7TH?cM%W26ga*@&}hMt)UtXvhYyx6Q-?sX@&~e*9K0kUOxQE?0hFjWO$^+vHj3e3l)s^NQ;Leby@j{0X!yGIyoqDaZvI3{g?0}63oobR=g>>u>`RsYXH=$chS&2Iphf-zNJGtx>9GBgU%(>_^BPe zUj}W3bni0)XuRO&zwGXM-~_vch=guwmKPB`K$G;v>Nnv|vK)BVi{FszV_<>s6t0z$ z77_sB^$DmzJipUVRx_R!+heG`a?qfHk{HXs843L9g5jAWbk}fFAD-vHy!D>_|7t@0 zNB{SmV%Yo87OYI2^$d)5rCwmj6{mH6z^Ai#q^mN#<2#XgSXH#<+)WMP(lqQ;%Vr1= zyK>teBKj7YEWOf)KLAm!!1T?96kH<%(kNNkD;Tk z;=t94fQ6$kH-`tiRGD>2v%z z|sBw&;H0a2qsT?lonM>be||G`MlvEFK}JhkQ)!0a&@8Xf zBf}%HrQL%&EU=gdt}&uI)>reEp?KXiD(F&*mn-OMokkGtqyBuMJmW=|-B-zQd-E%s z+-bPw6qCz==;`?r&Mbd)^w+BPcy9#1{jq|6)SHdd zaPxmB3-~BtD)Rd6TYHB^5UhU~>}J%s`Ck}mlR2VrW}t`( zsAd&GJ}K$`w{w=E5F}>>3+Sz zuOa#uW|0n9c!xj%{NI;i9CZvvXQl}nWCe3``Ov3hE*59q-4e`_}0ZY?;8FvZS6)@L(WU^ zo6b|3tMKG@@T@`ok*7w`l}$)mxYE|Q3+_I;KhBeeKSzY$5n9Awf6?G$C`UZPcT?`I zRC0ia-9{=&%F|Tx7Pmy+$0Z{T4dLZdSXOn$5Gd_nd-Z=`;Q9UcKY_wqkpO-d6!*o@ zVx+JnBssdvqS!(QyGd4uwZI6h(g+eyeDx=2d&o!PSKw`Bvjo;)C-Q#po^s6KF+hNIhi zPZQ@hQh&9wH7Xo4JsHo*g4pJQ0C4KRz6w$X8u{nA!1E`C*?~y z>*JLBk~jQx$*m*EvYd4YLB1J#M-RW4zwCD*mAwB=THY|sHTy{UtMlIR3$6T*W*0`C zLsE|wr6V7tq14*aSloLda1MNDwuv2rv7XhU-62;d)pX4W_hV!0;>$&O=ZF*4Hw~a zw-Xl0b;MA-!@XX>%nMgd+?xKup-4437P8(7w`^|iUdivvx#>DDXXjV&~uRqPsd za+r((56Ku~gJADNAHCXf1*8->CE9e8+N-iX$vv_%dz4h|Bi<|0MJagnG~bi2la_H2 zt~?j-UNEqvPz-!u?>UTgpda16fpw^~a`c7s zE&_GqULOCz*xkZwF^ac!P_Z}h(gahuC8n|+@ltiH5oMVCetfB-vcHL)x>kcfRqlN0 zbL&K1s|9OMeJY={S|zCFQV|d+4I=<&14C7Z1rHRkyQNtO%s&)gaxdN?k9z`=-RuW zjm%4XkIh8XY!6pZOHr;f8wF1K4I(JEr-Jjah&$NwpoBn_ooLW}vy>?Ajd6@7;@ptV zVy@mvMcA85yAF&H6o8yR_&h8v%BIL;cYgI|pxI4sy-+OMVda8}*L-ac&Rsfjd0c75 zMG2zb4+D~XtT;;@YEwMU=|!~}JKr#2*`-IaR@=#PY~k8{cjLHM@~qifO zm@4yZq>oI>u9~I~QdA6GY>_$Lrg7x`qv~LR2GeBs+MxG|%q6c@V%lSBN{$_-TDmE` z(AX?+6pwD-nqYG{hKpA_uY7=5^F7FA35!cD>U$RaOLesa*J0 zGMAT6t9aDuw(f!qi$<3mdwV^}OFb!b&R;K`5!+SVyn6W^z3Y4ARp@jk>=aoD_}!he z#zJNU!XFbwKaQ>73?)Q#P0W-PWP{?uvbrTseNhrJNcenqk!Mqk-p=SLf0$hs%sxSW zqP4`)XRPtm=eLVjGEb>7d#`W35BGRSn!)BZEKeKDOx{iq7c5BzlOCL!f1kz0#<UATB$AGwP3L+A8#~uldul zx2ZzD@dWtqgaM2C=vhs&>Lt+R26v0zi2%Z_G;2Zs5K{efLkMypi1`2hv8!lH`hc(l zoPwVeC7`@Gjb#lNdlz=++d~3(tevDB(>UkR7@Z3bq8+DCa(lC!`8X|9TEYY0AxQcS zAWCZW94h=6uycMQSnl_+_}I2ofzRd1TBQ*~?Z-P6M)DYM9FN!Z(R8!9!2aXwqEr7D zK`LwrnI?;%PNc;<5co`O>n~v=B2r83KHA61#791s=8pv4V48v|<8t>@CqB61+4q@n zqIjR#2v2l-8$D{Iy_#ht2svYCZldzu&U5KLGDLH*uPxRLfMrBb)^|HpI#4?2UZ?ec z6r|cJnjJ38A;^%&Q@Kfn?mdd=&6%Q?Qb!L=V^7#V_$)7#-WZB@i!ctP(>wQ>PW&fD zYdLIfObnGV?et zuT1dI`>#B$$jH?YsrK#3)cG-<{PMxe`!V7(iOOtedeTPsceR1%sTEuZlhbKXhwhiv;p8w+P~PXj%(T^)Ez?>`J3ifO*Q)#z0H1Ywu@<*VtN%?JLnp95Jmj{7fh zd@yWNx{5WlrNZvwZeqlqBkf?{6VR27$yZee7DVr~D4tV4{J2nLE@^RH-i^S@r>mZO z-kFNRWwJhy6tqF+f#1T6!EN!aIi2^>S56#LU~}YLlwj`X0<4LsjESkE#?+)MS-vDK z1N}3)6rBoBV`KM{DE4A;5x|275>&~}fEj6BmqBedq$;NVP#-FE;`y=eXlA;HA!SSC zXVV-~FOfVcK-Y5C5~}D&i8pFO(jgvmOdauSe+s-kc%jGODl@B~3(jQxeUes1ZJ_)# zW5K838RJ>T8WCly$p^=JV{|EyWwe}+J2ui2>GY#xXwGzOPov*gl$Di)x7r+63XB(K z58_CUalVqeO-Wp^gPbNZu&$lMI7}19LAu#wGmYT7D^ryf#*v+-eb?P5@#W{18+V?l zCm(&%vaV}8Bn#6_E!^u$pNRL` z9!?P&yw6|V#O^=g31@6n5_zI6|JDj>=Aw?haY5z0@aroHXE|j*Y)et%Az*Yo>RB+X z&({{Q`CvDxb;w;MOJQ}I>s0hEH99zCNyUTN_;5DBk*-oUVppZ~SD6z&g{@ zdTvsRG$M?feSplpvcHjownnfu-^aa?LKmFZQcO4*y2@GIEH3ner;Up3u-*j@gl%T% zg@i{R3a_3ybk%1t(V+M)}JNTFz%2XiZ zg?m)Ln0k0+Mv7<(wetoY5~eL2W4_Rif}E=L#rV&H>O&m=;LbX`x@F(aQvdAdXYFUI zi(iVco}E!>r~5=FD`Rk3u4wok1@CizZ^i90F#d2e>_~Hp+I2iW{%LD)x~1YJTlQqN z!!MnAOZOOkf+A$ucrLOTzdohI86&xWqHuMJo-E=A8pU*eqHytVW$T*FQzwbi1wClw zDU{g_{-js18}oNjT3&&z3p`S#Z@T7Bot9(Sgq4FX3jGThq?R__OS0i?OLYLhJZz!+2{@fKCpVMb3DCnLjruSRbM`>2DXVujeEGrGR+qX_LR*DrTGQ44m zjd_=f2IE9BMMIlcr|^7;mi41!Ehg~ltln@wTgM~a2s@XHbw|E1hh6EgWyw5Dr_a;} zJmAneEm1-HKrm8gT07kiZO)H7ifJpI*G|yw3jJMb&n+q<;ps-y)eo|U*u=tu8$qot&M`Lv!;2F2#VIw;%mr?!)&vWnb}rs?zshvf>-9tS^&g#}#^W3a@MVKR}u8Jj+hbL9G=z^uEDnr!Gx|DehLn^k7w^}OE@>qysr5z>hRXs zEY&>A{tGLW8X-kLj!2}*-jg5Gi>;fdi4HI(_;qYub{1w(1sP`8uW;2dC!eWc`_iMp ziSfBa9)DH4Xhf)PxJTe|B}GwErh=#gL2lBo8#NLsChdebQanx``Gn;!&g^k@x>}K! zH>R4Q7q_mS!1Q%6;jCNq&>^!6Sb9|G51e%f?izj>?c^`ZYV^r#V^!%#d5<=3#o*hH zgO>JX-pE#`s6@%J2J^-EbEPL)U73B;YGc$m`^)q`xH+o`pY*5KRbIdD($4I_e3Ri6 z#m5Zbia{Yrm56a%43KuBH+HB$6#r%M#?ZNl^$n>X9LiGa@8!OfA%u?@9KT92HpVj4 z|Mx(t{|IN{4Q)s6okK7n*31BxaXZpv%jvr-S9?0 zP>Tj0cnyFb!Vw@E-_G>40&a8uKIi^Hmjm8&y1)OT{!Ic+3_s=I;)^kD$H}~SkUHDE zpYQT+uCy-mxzc{DMY@)o217=)itwRhJZA%j7)<(eJLP&yt5Qth7?%zBO9IUl%EGVP zf~B(Zl|sD4ig-8WJg;o&P0HQT^J(ctMGikqR%a0HMWZ@x^2is8l*f9EsZ! zI%#$QrkHy3nCtVcymyvHC(bi|9Il5xf~4aLlHWI1n#>Qf%h+k`4Po!8ZciOO8OcAa;irfuN=BPYT20v@b}E zAh6;hf4YxI1aMUeP?y@~4<+LMDlk)qXtsibVtR%X7DC$b1`?Dg=y1NxRuS+}Em`~RB%zt;b+{qNWQ|Lgqwb^iZ~fBqQ%2^@rwI=>Gg|7if1i?mH9Xvt2CwOk47 zJbb(UdG0kDxuY8ElY;HTDbKhUYFBamWuHq)Zxk44znqzf*;k_9<*Wbf1`YkhvkJTH z@RWM}GQnbE6z|ivPX!mpyEAuQos)tbhgj!s#r5S zUr30Q-02aW!LyO5Nxr4%>*==<6vDUMtU?;|g=1WwEO>a{?941ItIzhjERWB5dD~t{ z;p56kO^wGSihT%3YAkR3^Exe1%X%N`zpya*6=m9$ds^_UYK)pykpAr$jWvq7zE@2B zu*9c`aD*)abV*v+%X^!Urz)F~!TScyCau2gpK5E|8^@2cys9{6`4RixpHgIe!~g)r zU9p4YNEHyx_JC+sByUL|MlWjv?eL+iJQKB3QcjFwyj*uPb?5lS+na7h%bq@vbbX`6 zO5&wn5XfJqKZxUH(}*R&hIkPK%A6qwfpT&$*%(msAA+Xx(gnn{B%soWf<3Vk|@26Z|A%(Fy)%%>FK{b94rsB-FRmyKE`L>Aima| zLD#}y_Ia(iKis~_-q}ammmsw^C@=2qpC_Pw+a+d+;HhQX-`{_OWj^)AKS763{sdBA zMMC&>kyr3j_#mlU2D6xr{4Z*{H!?HXcTBbrQHZT;=&6I$`1KqcqY$6y9p@ED-nUx_atA!v+5BwY4F$^v~g@SOJYeIOH8ZbhQa} zb>iE){SU3TWA?xZ^s(XOz`gwYb`Q6RodEPmZLs%7f+&lTomqTAq#@|TwMfaLL@P8v zSc*EG_`b3QL@ez+87J-7v*y2kFR-kO$Vd{CVUE#dc^!8mrRDTl$OnC+*{L-uO!eX{ za;?T`7QqH2Iota1C5w7Pjw6O;Si_I8s;_P`il6lfDRX}37IT#P?LxgjDN<1uuKUgJ z99)l-STDQ6usSJ%H*$Y0y7K{T>M^uERxWxt_WCoSFL|GeZ~Jr7-AuSg-zOyeBWxDg zf`kzDNd*dG1Wq^2-rCt_-Wewdimw@ryi5WJ1B;!%~%w)Xu(GOlTnbD)iP%8WM zEs#+O2jR41ULn&_p>VZyizUVL{Y5*%G(@$J=HKm6zIEFY6YZ{C^DWb#BaDZGPrSOl zd-Mzi;YsM;l@>&WT2n9Gs6#y;x%XSS4z-sFsjSDeCI0kzU!kuHvUlfCHYqFQGJP`U z^Jn9^^UCymzSkhG8Lv6r%Vi6r3o5KETICiPM3lRwXDqu;Hv2x-RS!n#b37c+xg7Q6 zY-jYVLrT=cQbsMPko9>?m<}HF^|?&1V^5}X7Z1<%mER3|eS6Y&KU}-`jnhn$+g8cf z4CjZs#wskl$M@-G(QRo?SjlFf14|c@tC5QjxS3|e$`EE#R$fu@AX53ss5$X*wJCaGhXG;`!rN5?OtF$#bG+yQ;S;= z_PyyLGjj6&1NZpr*N&IG%1V3&Rryd9zJYiQ4KhShy(gt>zbt|VBFY{NY?wPbwzj6U zcpe(^#*}wlF|qo@EY>?o6}tC@KH?LciBzd5XSbivEsBlEu&w4>kB`b~_ASzIs^d1T z4CeQUM4kFdH_`u2goXMB1td?(sQW4Fx+5l}l}v?kic+AxI`WdWeI&*XrI=#JX@|JF zUi(DTg(|E2RXfwQ=*!Vr(Yh|d=LX#X=DA$pxzyBgTg9_=1MXhsP$q{`F9)5z$zx3V z$p)24>ee9+Uqy!v-dkGRwU|1461!f}XW14-yTiteW~f8zS-djPy)V|K>tuQxpXOI{ zm)=A9==fTFXwg0MkRYk~_~WGIqc=Ts#n!j^XF~(X98NQwexd=5MoDTf*QK=#`zDu) zyVA{rN6wvOPEi!kHa_-swvLBV@yWGALzFmL7OY1G!HdYyPiDf0p@9@e(cSNO9YaSZ z!%qn}U)!ISUC}>Q$aA>;l;sM`q*Ble-LZO;(LRLzW)PHte7+sSqc>QqIb&|x@=a1F zv+Lvc3ER9p)AOgJw+YX%gHAFK#lMn}}O|#puDA!M~?o%wlStgvgdev{XY@Z3b>%{giZ*`5FZ@q{|`23b&I|3CKLJF2O6 zTNjU_qVyuYMCnSCj(|iuh=?Lmg{X)K5fBvt2?<4d6Z`-HAxaUDCcP7>Q4r}}Ns@osca~>96B63YYxaip{OYKd0l=*N zro}b)x?{IDDAM8DZ9Y!ZO3DJ`X|{_cft-JS-5C;Wr;((BlMlAr#WX}0PO-K%bJx|D z4Zj*Hwqqnqueumd4A^_i!8bMx-$vPs54oH@prt^z@>Oyqm80mY%$Z2f+cK3C`&GEg zng^d|uPL4}sCQkvT_2|I^DH!D6h?^+`v3x)1Id{gg5_%L!?u}pF32HcGepHL=JIG6(s{UoP ziFJ>wo7OB(l`x8y-{Zwl06TZVXha#9H6~g4&j1L2GPwM|55d%81t4>195@8Rl1JnT zp$HU_mfCq9Fv0|w!De+s7rN%C0j-m#PBG~%-b<3ZAEk3I{)ILO?pe_%o~~a(G9ijg ztX_s?cy>5S5W!&{?&3`^4LRYLCuQ3!J`M0@1rLZ#a@A^H8jFBrKe|jm520{=2Vtg9 zkT}T-Ewd1QiXw58BL28OF8e|KJp|8CwqnkPXS{n)yMmqEEHciylO=!_L5*)dN--ep z#xzU(V2I~0y44Sd5pQiAGmIB3^rAk0GhQfO$*RFoDt!v7RkANi@HajvC22c;9hHs1+>t?D_&QS= zmoe9Lsau!i1SC7zSJkXJI%}@3@Eh!eI_0(7b2RR1#5USz@QB|E6@Pq>>2%`iR_^fw zq*VgOn22nJjML$)*Zk(<53g#VVv4hfM^du_QZCllSB&CDn2KTETx(YA+)sDNSVA7ZV{q7Uh(n8y1p4}(TP1JeO?r6N%`F<`Y zhHq1$0zOGg;F6)s^b4bF{e*V-Rgw?+5=E92iY->R@v*ivGmFGJiTZ@I$E`HMH><(Zz%yMw26Ld)y%Yae0ztHzlaLHK3(FV6VG` z6fbdcU6NBz;8&e@SJ?&TBW&hjAW;Zqk}VE=(D5scYY1+O4Y;-O4dW1QQkG2H8Ih<_ zYs}RkmcG4sE*N0`Env` z+V7pK$3A=~arKIWkxJ9&$Detv$6$P_Ul)86b)JAR|({;bJj1DbaV|uk#pHC@T=crwkphA2c9|XOVd3%%5)K z#e7#g`PZXwG!f?2eC*(3~9bsFU zQ6L)fJLvA6VJtNheXp>|ye(}p+7&0yeYgHix^`anjBDSt9kXsLotTA#9>0Pd+DG%l zURg}Su1ma!B#BBs4?ju7gi};XmzxDh2Gru>RqOq@Xr%L*Ox)DX@Jp4!Hde5L=mJ-R zdgCBV(5FwYs66D$6uRd-DWod_gs`Rd2fm&chI4BYcWm5~ajq64w`*hB8uHDjJ9A!g zoW}@`*7`o_wHw?r)s$yjIacU)=FND?T*z9t5?!00&X-f7dAc zxE$m*K!-nPMg*|x6thFZ5~R?A)q1naeTR`0Z*P`7pF8#LJq3-Shhi!^g|e=Hu)H_H z7()ie8BP&JvFlNgyUa=*DE4g#dk;~U-1ZS`rs&|(I_fA`nKm+^f>umNg%;vyL$jwu4}xOs-E@a*I~9g&X@+U}g_54k_1(n&7J#g*uO^eo8bD3C2i$ z)tM!n7ZrGqKGbNEvucNoY(51y90mri+i6xNAM-mLhjNA~=@U{%CR&f`Klgi}@hvHb zffs*GtB<}LLa=mDYoC^(qKX<>XHiV62&s{El_qVx`&NL&?v=^Ig-RDTOx!s!!ipf4 zmUM{J3668mF@SgbbR<(aaRzJMhT`{)?yz2vtt5F+M2p94I=nOwnRt5072mL|iKyPY zQ2jV0SR=md?km<7U{+k8q+kOT*X|aX_{`ztg8fj=$E&u zXyojbXU3;AI;neIcA+=6uxlxBHBnWj-1$8W5pgGdh#ho?W z!)c@{I-S{2I@P7Nsw&Pfc!XEaPw~3DE8j~g(5dG;QBj}{!nYb%oEb~E!@HXLs+y)4 z;{?Zv9_I&vKv6Gw_h@2g8@cEejkoyif1Z(W@E_(S{8yh@f9b?D`_EmKwm)}j{`B`J z;0@^%Djd3hF`gf~p%703)BcDrx|!DN@9mi89t`uS z$`GM-vH4OLIvP6Bg$&>F3v;iuUNC)RV0_A;V_RE*8l>f!?KX2r76Fdb*I0k*A%|_O ze7=xs<)12P%OL!CQ8#t1OQ*C>dJY{8DMN=)khqW9CrN78n*m61-mOhX*POMa$#vuY zLc>HBP&%U3h5J^Y`w+1`Js%>w2t?Cg(ebw($FX?2U60Jo(j@*j$Sd0zVuV6G&%jUV+C;sQDJHLcN5ptQXE(T6ss zLVqvWu7j*6LjSle93HiSJVa}o7A_~6)x&9t(@L67GC#OUO z%=H8m8{nPKQBxpafhMLdk8A+3I6M#F9WCPbPCntG#ym#v8~H(PfF$@&Je}9JEZ@CQ zzv(*Keo9SJJlhoJV_t`~Y{%tAWbm_`GLRkgpQ&(&m-yxGL&!ESS~qG-0{}{@T>%&b z+_q6aQ*-^o)m8Bquhrn+8H4_%o0kz&TA>GM%oO#JW(fz1(114;(l)X&?bwpHtZ}0@ zZs3rs_zT8(aT~+JL^==5dD#0ch%nGruGYrr8RH11J}+6P$ok#zRxc5GM<`3eA57Wg z{xY-Ijz9GDSmVxhqLH>Or3&%`9=dVzg=EU(`ksuYHB*WB+d@vYv9~Xe#l!@*sf)QZdHzC)YWZ*h)qNG{J_E?SLXa3`$0Nb z=L%EDEA~B5??vso1)141H?|ZFs?G2ON#%xy5 zd`Oo7dCTg!jjl~-GT&?}w{dQiY4KSHAzm(LXE8RNLxTK@*M+nUC6wRJB=;;gN20Y` z(r@MIh7?>H9So>)MdX$L_j>T8mm*~zgxb2)2w0zyhQWAib{6u~B!z262j$(bLwMe!%2~`NCZnC7qN33Y> zn@W$YcZAAv=5tt{gH9ePi}#Mk;TqJWKA&$XEx$?PBuLy%yiM}P_LNHjJ**tj+D~0* zepi08fCcD(W;y?okTlL&7b<5d3vxEA_d6)o%51b1JpLJTt*mcdixqpMDf+S3Zz+9Ou_8|5u@a=0T$44*{(6PmxxU#tmWzkk|>fAa|bM73yLM3E;g5NhTi zJ1B~@1B~oM27e@5@2hm6Q+8r$Pzu~Y7(ZErG&)_Gs4&w6s^Xa3-TOPY)+H&^^m6;vlaQQroNh4QJJFSIUcH=ZjJrnP2tOxO_4#GFGV-p8hsRA2w}oo0buVEwhjaupyB>`==}1u~s;%vM z&Sp4{n(-I8zjb{g*mr%B?Q;t>5&(ivPXXyF=$RY6m zlY2uMkuB$Gd~h{_OG~kUB>@?#oWZc;fSBgVZ0(#Lv5GAAc=6gd!KT33!qDp(>rIEc z$2_v_qoGINMt+?11-wW}VF>4o%h{)US|+=IgJwSjU|{G1U-%h=!9_qvqi0_sk2Lb( znqV#aZ(>Wk{a-tN8M{Q7oKQBCEh^^xL-tXTW%)~vS9AG7(%*olergovaJiC{qAFIN0Jy_ z0Im7s=L<;ynAdvr!FSL;J(2_lrhLm6%psTdfx{X?b^>?^gs%W&F#;Wd+QEB!2<>9_ z&lgJj(nwAn(8|$HGqs&Oa0Pu>BmL{?>8Y=!IDvD9n+|nVp=*bFK^$UskJg@h>N3Q3 z&v=6!x`Bkb5WrV}q~-^h3w#GbMrj9tIqrh%6s>IF&;vCB#f!jdBqi18=L=9HUwRBg zKpr9DNRq_G2W{cGTa;Unu7$4r8J)SV%E31|C(mYfeZrg$2J@bEOl`q5^>2Sc(}HGb z^gvxNe29qNq#|d*)UqFy4pylj!wb&Kvjc091ttqf0OseHYt~;i>kVVYVz?|hOw>Uv zIimnU5tw9(Lx$ohuvvE<6$g$DSpJRrclQ+1+M%fok|A;3iu$D)6i1bEJnmMS$;m+cPBm zeWpZTiXJ=Zf$Kf|qsc-Co8>Fh?{^ibP22Q=HP67GI?DGV>y966Me8BXz!j=U9|@bb zB-et~w78Hrq~K|L&GE{Ldo>&rpJN64JnCy|4Q#n0#4oGUxCIx(TUej+Bj1;X+dtk+c(} zbgVo-sp5V793O`}(u}Z^FLSTztaVZO0Ra=i#M|M%88!=1Nq6q3QuN4daIuj_zks;_ z`KzOFC6pU5D>Y9_1l<^-%t`R-TA_t=xKYi}J%ImPA3r@0Rb?e`r;dS(#+36+R zrpb)5WXyJ(o!-;~#zW@zrC&@7IE~wjt(?BI1=XUf5N8OCVSrby?m*sowo#=GNw7D| z+G<4ijP=$!&$#$}4AMj1YV>lHx=Y0!vRuo7xHE6rxl&~GJZ`~W5#!gc5q3M!Y(Rzn z;7o_M6oE`yH4nK&JRFwt){py1&f|9hX*{)40-qd2x)RG{-&e1#2h4(*z6wi`=H@2R zV>9Q?qqR>C$kI-Ki0^isZY(xK%Va`@@01GvL{ zY`q0Qku{%UjiG^w$Vh|`sUFw=h^o8Wrq(|pWH@|=T@HvHnLdCRW)Fh+K3+S0U=?zJ zzT+r@^DaNKv&qPO819{i5icoy_{LbQCfWD4v-JmKqNqVxjzbh(GU!0m4*xubb+(Bf zyA)ca1;*yjn+hDh!SBlNx0qv)T>7yew8H&J2Tu7-7 z&VEceM51|T-#sZa-EW>6wP|cG8RsM>)XA|t{QpckNnAz$WfkHr_BVH`3q%T4M7tOdEMv1nza7rbHsFXN0W~}v9q`c=Ez6z zjw^dJ=4-eCJEz&Yk(*PaIOS$7f|G{zKVEI-b-0uC8k)?O_v!2tl~{m?b`mn{5?e)u zTGliZ)mlGncLxDT^-9BNpP!J3N6y^Svw4r#q& z$=em^jl^+D``V({Gs;($#bXjbv`j5-+6d8X&EA&|Pb*SGn+1H^+R<#@WjOTluW873 z(o0yHc6xyfzjsG>>rJwG@=ce`BR*VmP7ls}{rHE5qaZZ~E{Qc4_GQIPsKrq%Qy?sl z%CcNl%fGm8+RJ5BN>6q#+EkWH2Of|x>kbr^;yMr7GyDvlP@7ZP?SO=i}d(8|Kl=8B4#4AU#Y0%s2|H@vJ+PpCd_k^gow$8%u)X$5H-88$5p=J;0R z3AaBC5c3W$mo^WWu0FVxk$uvdFX7U{gle@l9d9YB(T~hSQtLo+tH{S7juZ2unuS)I zMZ$Ph%CN--GOvdQ4v!05EIuCU%y2MVH-{-9Ts(egnv2jJK3mG-I?YKKepfNDmCrFf zeZrJ2LLvE%ct+$xYUG_;wvl3KpsznrIzKcSNG<`IY>XW1MDN=c03H#b$QTHq$gZqp zUf{GgRXM#|KC`Q3orBz}^c@c;j|hxF_e}vdu0Mf4zc|nPoB&p)te28vKA}hJQ~|WV z=fV#M0SDdv_yq7ijU(so116#&o{zxxux-PfJG>n=8wjX6?wx<`NMz!L~40ak9*0f_Ji}1_MQ8%ewqe_iNJ$rCv2=@YueTGG~gQ@51Bi1 zGR>wkh7P?bk)1yoY@B+6BZtlSM6dw}?(Le57z8uWcbJ)WYD3-;kU=W)tma;?zrfNy zHJ@neSFvH&e=buo*(O%Kz}VcWc>I2lWw6dBI$T(e=#Iez$YU+sXmU_`(h|0KYO4bF zBndN7vR<4M3#q!742vw;A}T7~l6h~4pSF1RrulU>HA;)Vz?ZeX`6wv`H^WKMd)~h9 zJ1{>~HKl*u(RMtN9u{Q)ES`$lgDD(|! z8Iinb8jZhn*5DgzBdM}Z=U{1K?!)Snd~nnmfKv9JuQ4eeTSMV+(j!&O#&fMsKq8t4 z-Nhc*uhf_@Y2QK17DWr5q*R%RCPkNgQNs3qQiA&Wej|5All=htbqZuo$i<+aa&^|> z!p_~3^-7a1Napupn)$LNPe+zT-l%Wva41@P-Fi|?zr##2&!#XDS=UwrN=fmygiEzv zp00j~aI);-(Md~Nzx!DQ_A%PaR)*(}oxYH62U)vTh*$+!U zk{%!?n~f3QshxOa?Q?8_+oxJ)Ap7hIPy$HQp?Iga4N6BFL@<-)UX!9NN3Ut~yCo~y zuI%t*BIZZFi4Uo2PCD46%FMEB)?V|?c8)2yRq*W96Z5w9v2`peNE_q^t&sheTj*Q* z-Y({0dv$$#b&qWM^$VjcCzD4e#)CG;x{4;Fni&#eEGS&m=UNcL!z+W{j3`0hLX0Vv zWH)0_L*&k?v6`^F7bZJGz#KPS+`D*-&G>v&k8w@w;e?1C^yp^(#w%r9i ze%96X^;-XM;OVbjU4Do7i8J&x45R`TMB&28hwrOBwQvV_Brm(ZWt=Q5{P@j1t2gOb zZKidSX#Ck&C+DLxirBhWtU)w>U&QDIYA*cTEEgdoFHB2x4jroI>6b0rYA%s?T(R@r zv|E{u;N$Ng_XIWRa^-QR_g&*B;Jd8Bjo>VRidMK16`|pndKeXPr@kW7!BC-m4vrA< zzcGE|EN_@m%xwH0&tTi5tutlFwc*(wpEkhlUJvQ0F2f$Exzq?-9e265_c*6iY|TY~ zOsg{ei4ldNu7Cm|3($I+c?t3nG`?j=rf3>_Jl7I_N6EqAy1sSKW~<&}SC2=uoY=Le zuUP0VNq#{sx{IJ+YYb(eMW2 zQGz|4mpbph;op4qUxMx5hviLco|I?;4XAHSnhPAGk)Z=%@_k^^^lavbf6|luH+K62 zKN#cxr(%BiM;v5gX?7-*Ch-L>IK)y1i7CdyP-~MAR=1i8lY2R(DDXJ`HizD`^9d%< zC;J{~Da2_gX$HtT2j}^EEMa#dol4#EunEu#H~x_2XM08#^V%i5{Ci&aNGmiG379jJ@^rnBjEx37euWaPl= zdmuXjj+p^#E0Z>D3D9;Vr$p*oxOifKX2;|E26@2P3blq8_EjYx;2+#Mj=oznc6k^o zT?O=}UQD)0GmN~>bCLV9A86|X{-u|BY3F))+Byb&beuK@<$MH=U=1iF@mLRw8*jso z$`yaJHXUs5pEsIsG`MAcTHI(OCAc4bf=nN-b(4GpJYGFGS6xE{w}E_7ZH{1csAtiw zLHEilk45|&#^r2NC7w+-69rCVmQ;t#-g2C09psnZ2tvEZb5i6X!dI=(jl}BISy@e; zA+59C#jeXaj^=W;K&IZN#6r_w1?F|Xzux$rC~uA6y9wAz`ub7C(Eg>mTOl~+l0s~c zsUh0T4ZBucT&mo3Q7_$fD`GCNu>JNd=J7xhotKZKJILRsgEeZJgJd+@5HCzBD{&qu z_Bc_Ed^c(0ua@eiF`3V<%NHkhPfhTF2GKDA8aBgSEd) zh0Oe|hHq5|uk5>)++nw$n9Lpc$YA&u{!#4iRAj5%v`t_@ssTctvf590mW?P*H>CBRPSkxj-Z*eMSwj+L?EU4XVy*55iy25BC9R3GIQ**Z}4u% zz91rCG2I2*k)*ELkYUB2KZIdXeXDrzV&CTISHMT?XnoCE06V{#sY6W#$&)CqVl`N4pYD5e z$lWl*)#=cVg370n{-&vd+Pd1u?onSiE)>2iIDcSA#W1l$RKpOPCR+9W?CCM)kgxZ3 z_SvB?!DY}+WGuK+<#S=coH<8^EKRte&l`X0)?iNZYWpd%>3|P+Z%uI}<|V%iJ)5ZS zg=Q~HSwx0wtC02xlRIA2H` z+*#i3d?r(doe_89v*}G+Mpq-_wZz|0ZV?uyJ~fLEYf0neS?*@?HjP%UuN6kxw-XBj zS5*5uTtjP4&THO`%mDFTp9djIM$;+gq++c6Qv?GFGc65EeU$Ep$B&KKoA}F-Qhba1rutU* zoEWx44GS?FVq$U#(@Ih_v1S(N&7^BX^HNync)zJgyQ>+e@?05wU3>Q=x-M)8Lst;P zZI%8>UgMHI@7&o}tm7KexYTATxB-9&GX-ihvqpi92H!zPFFhwJ4aLhp#LCheRWmMESNAG* z&AKS!f%G#Nk@jwxyJ~EcbBT~YF4M1Va}n0x$4AWY$pHKjo{^A>-3}zjq;DrP>xDs; z9;M6Sm*UM5)z?kMs@IQSTZ1XxcH?{q4 zW3p2qeVxi)9WW@w7Lb9{ZU_$IZkV?-GL&cfPUOQJ0~VCKTt@!6oai@=Je<1cs}xTt zhBG-a7>gSlEF#@y)o|a!$r==;@==87btp_DKDzN7tZ>R^(r$9nQDtc5y@;6JF58Eo zIV(v&%nKV3hQRSIAd>E6T_(zi!1rEnYUw| z*|lbA6fVzCzR&aF{L4CKJ5Vy<}j)uc7$`y2@i9=rWs~%zxMQVvr_PT zSQ6qXGjhyJR6UUK1qgIV5e%H-R;SgHrN%jo7zQ%(kG0%sxyO1n(7X@G(VLO-=74EK z5H89?!V(r8(Hpd;4R*EDs`%33?(XN~{dTpw*zcg)goVw>$kE`)gRc^e?l6iRURvxG zoIv!arQp@ba=!jJmsn06qH1=Y?;HECkJPa!v#_1co*@U_l*=fErJ8i7y{J~LchMfE zXXuwzqltR0`@8K(4!F!a9_VByS9L{wqoQ3`^0dQ7g~7t5w%g$hK8Ll0HNr4i)=Tu! zNH@<2Gy_6`0BEySJ>+uO`p~rZw*k#A>aib`@TZI@&zcx%otjXpXk)2=7-asY(GamVn%Y(R z8mPklmZ<-?NvdDdVNJ>3L3Ow$ph}yY-T4VJ{cak7hYi^7b2>taDY!?-Bf#(sD5u<( z<~o}zO}Hj`V~1Jmy_{%e5WmTtgE*UOPu=QHsIEOa(xlt$Pb~&Oox{xvK+-&;6v%}) zy8(@Jo9?VTHAL1(1n-Z5Za~-u;enFuHr}sznR9hMb@o4>OX;Yg4Q@tGD6&axjz8=O zaKdIh8SHQr7=WAKh!?6Zbv-<9DnVD|!(J36a4075%WOjC_MSh1vkh4lS4ifE%R<8u zQhlO>{B8OP?y_6mg%0-QvvMM?a}GM&+##RNgfSsLy$-W<7h?y8#?PU7D90NJDR?@< zVCN{$6PDMqi}3}%0p6w+H&6N7W}96&iWjVpKBBvOjQcqL>PFoifUd`Gx-Q$-)9ks; z==#mUwVSuC(|p)F`K{Tr=4YL!k}SPt&I=~kRqZK|@A$HsS5s4ItU9ncGnWppZa|@# zU93~CW*QEKZWgFrytXqND9nbIvF!qxNJ2Yk%%nmbc=Ceh_^2VN8#hJQssvZnzy)Nk z@HB+Yx<%hPcwNh2Y=P@jIZwK4qJl^^&={P51sV(3KXfeZgs*@esk?+^j+2aNyo!T_ zm)-5X>6Lrk#QBY{_X*>t2`l+`;s$6d#AvOu2p4ZA#j;bNfRk7#9}H4iijj|muy{i_ z+#IW%albdDddkbb$ z>@8iT11pqmcXVocZ6#JDIS&u|D73+|$G%N_$As*a>wGLju{7AlpkGkKAAhYNemUTL<==bP$Y?^c+^|R)!k;fXlxh?+g*HQ z@`}QqRXKEd^UFK-NzCzE3eqJT$CX4tpNyx@gWpzK&m%k5xhU2oR`OZ60<};}1(-wC zUf+&`e=)Z)R3P4_$`FVcxZ-F+pzoN#w6g|5Sl~W5 z9*&h}QNm(E{#1Sbx4hSn$sPZ7EZnS4tpWIXb^+mSjg@SJvTUL8?iVKQgTEO!l5R{M zw7=fjQ|~8wH7vpKK<~LTELyuXZZ*nrC@s=696}J0r`e4HW6H{S`Om}}=kZAAiPcoq zY-vBRNzvo8vUr-77+cJ})3mb<(S>2rJcw>2j|yrc7&77C2IW+am9{AFpFCeVSOQm4 zS*TyeD?dM=R8ma$QEu;;T(gZj_yiw)8jx87RNycVFtgYmm|1)@8fYx7M79DoyI|mB zzbr7S{t)1px*On5WUIDJ;XolGh#k2x z5>K+3AzVT3i#G!i)cXkZ9?WRx(09-h9ztO`Nv#6!Z9^yrQdH1mlQ_B+BtM=aK-3lD zX@l}J57nf3cRsBt^;Dr|+kSb6!r!krWh57*%XL3h=IyEk26*_}U=C96jvWEDMl67z zHx0P@em$o-rFg>ij?{;KE{lGTdzmX&$=GdlZI#f(7&#RBI8MtLQ^?r005~z zlv0&VK8W1hLDA^h{JGzvR6g65z;ihIH)+8P}ZsKq)rtdE~ZxTh$0lFQE!M{pD%HQ9)=-+o$ zTbml^l-{N1&=};ugY;|KP$YIh1!eF4UL9|k(-4Ee z#slXY0I@+`1wQirTzCWAo6zqdr$1Y}wr2o`X;Oe@ znzuFs+*ts*d?y_M6%o+*P(tqpD!Pr@LKc4zv&I zek$p!)>XZ)5ffs>a!H}n;IoOesnuFlw0&5>F;hnIl>!p5pWxr_g&)fR; zFY5#S`yTMs&Xi+1-61>4L`l2?Ha<#2HnR{XB&&Qi?+eM!Ki#J2mhZGeop;1-SDgrs zy=!M7CwS@XuTe9RcYBc5MEWR|_}G!i5;r^LG~pESl(5W+Nu!#EB=N?yY0iQVy$|J+ z*i0Pt7S^zr?yJxI_iOxBw?AXr(B*(VV$s&Ti{=45l;rM~{fqoUnIT1A6_(}CHJ2Vn zbqn^&PdX`lj^J`iaVp2}eF}P^_Hq^SuD6|!B2GjCWJEOSwpRPCHtlN zfm>YZ{a|FZ{^uhd?5IDaKHg|276Obp|L5Yw_l0tqnylqSRKfzM)ZuR8k#o`=NG5Lw zC9AR#_sT4HNz?^BLG8yG;*%lI^uRMt_r*Xt#eR;!c(+5OdLrOqcbw7+AgZq0RFU$8 zlOFmkEWfk+GO^09d#|b?`0fnjad;5ue8-t$X*S#H@1Wo4wTl7qA&r4iHBUPlFwjg@ z_)1rq1jZLNr;UvPc|UpaVI@_)_eyf@lkACNz`Be0&2w)p0oXUCQ8*nC9$qyAhNPO3 zwuz57ap#|#)(zZCJg31d!RY%9cUQbFRm6{f@oVSfqC{;r?$+d6!*fqiYiEgS*Qw7Z zcPvJ<Ip8V~9{p;Q|D}@|^`qGMQ}PqQ zkN@hCRQ1s?XeQbjU!@M@@y44(f1P;UCSozZnBvOZ&Z$38S@YmCo1XHgx3P+|nlAJO zEh>{t{B5&D2JaJJ{>qLHJ}V>Wk_QTL4FAn8 z!`2?cYgW0Y+`Mnz$!;8&IE4uBb_SAQHw`Q@PEDP4=NU0WS;2is-Z*eH>R6*Gp{;EK zUlR`QP*u}#?pf%GUJ;O$!};D}Z?EAVdsav(xgPp0c5 zeyZhfDW~W3{Qq2T8wsOp<3y+_HAe<=x0Ib?RyMMJldwb)<*`B%;srdlJ4%_!$CEWT zM4w&s67chkXf2EcKZ;${K1&UOo8czoVlApguG7EpnOL_cgHV(xvul%l{*-g z=+JYI&syQM=)D8n2J;#6znlb?-tvH)5H4p3x6WA(HS>|&80{?;jTdo>T-K#@mSR+T z$trci)?|6%pKd^=&!Lj#Uce2wJ%H#yaWz8bq9IW;jM^%uSSY_6zgbBF&OZCK{j@FY z*zGJ$*O4xhU>zBS)17&bUP{e#KS%n{p~ltP?J$u5xNNQk%_dts3-VoKdGD9&($NXBEN<2NTqAK5?@|`8L#{8QU){46eoQZ{4^j zTqU}?cINQ%$D-sD9I}J#t^q!u)q_iFKYIb$zevbm&K1y)_jfZ^Rz*#wiP*r+Ny9`% z437I{1?ASes&_D-K5^&4_8RYo!e4eXs!~E(NH?nt+t$z(o~=Umv+^wf{6u8f zn*=una@0d+o}T_(&uw@@{2sBgXU@qrM92spRM-efL;w=WG+@O8)~&Yy zI2f3Ila2c2=|*EIo`h2TC~>njIg^zb-WDtIx$E1;o^SUPrVd8EKDpN;yi%yVWRxai=SAIv&X>&3ELxrlYs^XKEbWok= z8V|A^V-~aKlS-=-&9egHIaQWo?NprT#ktqrx6S;(x!#LNUTr=*iWAANh@vu7)nlXs zu>X3>W~@!vR@+CqyBNmZRdcZaB2pC9&XF&OWMqNO%ag1jKO(%-jz1ziU-aHJBZ@TY zM@+>f55!bjP|Di^T6;M4&>(pMfR!gvOXc^7kUF4!H~_mowzJ-fWR+>=BDu`@#BZUQ zT}Nh|s)MHkIL_V-dB!ehZOlUlBIu_IMUhO&3! zJ}bOaP`72@3D)J}#W-L~#~~(!(N2HXxEaDbitSrcVz&vc?IzMIulI20%h4nF*%tv% zO~Pv>F6KmCeHxSFmfvgybaE~I8Dtok0zn2V5M-SGal$_QkC;Cfi23P(SU1TMc}tHL z>`L7L@{W3BN9ZOF3G}1P$EA17ypwN*@~$A+zsXSya4=>`TnrjEqU27#BK+=JSPiq*E81X{km8Rw&d&fat}ZQPkxsZQ{9l-AJ=*lvh^lX(V6jMWXxG=r0j z^#-%AA|%0FvNy_!M=}b}#f(_rx3jM*VvH!lz3{uQDWP9?ucb@*2qR1O`(ub zU(kD^Yo0)6jO8AJopKh)JGY&awrn0zUT3y5xaq2$bpw{*?(zC$?8G!L+uq%SA@4Xq zUrauh>ir1p{#)hECUbzdIL+5nfF6AC1R#AVPBQRW4E!rB&4nnvbDLU?kpFtw7lxCJ zZ#-M*T0JW5BWQn7z(wD8xJD<>5W^_S#2NSGHWT8FRcd)2lPm*!e$L?Y$7n};j}#}Z zvd_Lz!@2awhuo3UGk016gP3uy?>{nlpnvj{?)#s!x1@gi_tFSBvVgR>gj>j^7C-HG zct1y0J$N>eH}YfW6O%B>vAL>%Cg?d|G%6m!1~oN;o`&bPh^kdlox5jcilXnN=^{sT#I#4g`UIbuI zpGOnTsUc3^L4EG9sgH&Ey5(NxQ&j7{Oe+_YF3YsXyJ#btQQsdxGmz2SpPPUF@prDx zQaq=BDJ!!Hysp6tGGdbbZa&*n7_{v*L*S));*b_f=K)gfwl9eSxM zbHRO%yvcjHHuednCx%5MZ9FSb`w;aR+C9K@=M~9l4i!1-cr<{)lfGBO$mMXi17kW_7PfLolCw*0r0RL>F7h+k&uwZdgHYlb+82AcN5V`mPuLh zyWyHg8T?w-gLWIeFdS=`^U!SDIPB+W} zHkbj(5ucKXf7_f{Cf?>?py+p{t3>QBZZB-32(-q6xW`&mkkBD0B^r59s+Zx+*?Gdb z<*mQLvi|Ysfq9@c&wCX~H#Korwfv$-Qs}3A^{{cCM@8nfy!)KjQEPbrQZTb=o||ep zv$~S0^L?Wa@5^jO>Bn0{SB6)o&jF*W1=^uI%#A-1z}Hdl*Z&u7Zygn7yZ(!#AV_zo zgea*L}mfG{*lNQ^KvLnGY?2uMrk&@gm&N{%!P-3%QA?|I(6&pE&E-sgMv`Rn%w zYr$HqiRZbW&wbt3C$4LbIsQA~ubp=Zhn>U-g!TmDmpQb0Yn z%2fFOP>=oBkNNlS|Cn@<9lnLuLQ3%CZc}GGnZgvL3eOGNRjH6;j(9(5=b5El2ku8=zu1O%e z(QgjFB#DZ{9NGjP3g|+jrE%1Pn;dA3Y&0BGbk5aJEO{BcxndIekA2tOK7#Pq$|?7x zDQar#$7}GTytf?75`o2nDG}YjzH+wBJ>t9S0NuI|Yt6eJ0Sb+&LW_jrz6@N0Y5tMu zGVwHyAA&a4nxOdOt>$k7?hnABLnWFqf)ns!-+0z&;dF%|>MNn^oTBoKX6;j--^S!7D%3K0 zfJ#yf)fOuG+zkxLfg10bDE+P;urne3?ohKIuBL9B-ORVvEiF9b!)cWvl+>XgRjk`{ zp%dEo5=-W1-f%EwJCmJ5^rHLP#Gt)4FIV)8L!5qD@#3Mw7n(xj7c;vmIY-;x-hf8Y z&6irz*49m^*@RdKH;&T+q$SMoy!~^8Q^(#+bDA(w9{5%Wo??=!kYz%S=emVXMaOt$ zHzV4YM1Ypx;UVli6MxYP_aTlFA3pMpns5|Kp?_}*@pg^TSMzu&d@ds)cL-+4ogD#n zgFI=34@TR|EapivDo$Off_K}b{6#}WJ>}pzXt;O^_g34Lp)pYWWkZU5oP1A&JWWDs zC0c;c{;8u<6V>{9)iK+rZrx6oYT9Z(zjS`4wZbSzH27O&2IAk+s^!!$uOK#~Qn))@ zAW?Kbj9I46WC*S__l%6VvfjHSux=#^%Tr_jmUSP=c?eo18Dqh3)dd_Jeevx^QJn| zs;u%>M$Y1MG`lZ9zu)ex9Q#dot)hmKiFW=ABeby~254_Sn##SOs59`bc6TC7efQQa zc^&wM#XB`Fdwo*L@^nr?I)O!}*U&Lr2m8jNbpTFL)5lJBCxP zzu!!_=1T%CJKSB?J8qfr`_AGVx6;bazGk&d;T7GYY763qJr*0__9#CUD2T~>?wEhH z4Z!AEF?YwgZxmgi_VepR3aB|N~fOSz2lQBIU4TT24s5n-;jlG)xf^oemI`e-xy8hNMHCam_Ks5$&Fzj z!d1Y@yol!Rlld3So(^JYgvn2lO?qphXJLjGqU`IJC%)_6xN^{fko#xQHr*MR;Ly>- zW$U_2KGH*Wf&EZl=;kAun~Ji&K56b5ujkfaha4+vy4%qWBi_r+7uar$u>&1DzcnNq zOTQG=l%Ww@o>&e)78oYS-DOTBivLf1*!b`FhJycZaaR?ZW@(}`<4uxH!%^xa=np8L z7?{ycqV%KIDcHe6v7x-h?6dphZi1I*X8KJ3d1uhGaQPvXqdb4u#=S6Nwj<_fv^)-6 z%{`a(zc3hl*OR~|7YBe^g%sh7WK=#<7`Ho@py!+_)_F!5om01Rnp+cq$5E@sFLP*zzD95GwJaq8LjI(nP#Vlk>0wX+VQYXwFr%(>w;^d zU{*@X)oY<^U^ua1Z-*S^2(-E}fZ|q8RG!93C&*Gu&b>U^=lPZI>fItNqZ;D!YB4L8u#pXeVlDkJ z4MA^xD+hgga!4;)T1#@;*qhr&B+!Q`nv|!_Q$i~Gypu57#%#OOFfOj)=!b?ej@#e= zJ$MKf`&#?(SVF$XECj2lqt{|bceO$rY@`{r4>qAxOK8cd9s5VkuuOrLK|MU&9g~MQ z1|5(nZmyEb5;*ks`GB)fF~FC=+J=?wRu1ttip%SelwSMb5DdP&n#dq3wefteu(VIw zJ!yXtwzIHnRh|KC3%O`QpaUeHbaw-g1u>x7D^J536kmjO*`J&~h)0Ggj~@=E==wu> zpTL=)X^kzEBRagSR%XvXx(1egfnMIfgOK|E5k3XVwpvGD%(nF;tF{Z^uRJmx;vU~{ zALidMmzYOJ^NUjF8p=Wgw<&k-+bGfC!e&e`AgmO(?^QLrJ@Zi7s!TDr~&1iRoLkVdejk zML=Xw$P)c)=1NaVJ0kc}=UkvHdzC{9R@Av|{DRInh$%V8dUDUzm<}F2b9nJEf?VnA zHx3dUmO(AZNc4kiS)RvCN!eg=w@~L)BZyMcXic*$yRAPFu_-Z2KnKous1R`o_IEFt z0^xv%^VV?&-529rSlU6~Dd-i{9wVEVSAnw!(N$ZI4^~1Y-f&87s5O2iyk&vo1F@V^ zY&4E4vdN~Cl2S=dug^r=Q{s9Vo}5M>!_^vj!38L-t8@R^!LAZIa8f;&84ok?#+qf7GAMiXuuPfUduFaC5WO4-JXr- zPjQyJHhQ@EczPUKxC^;tRm-^}I@3LXD4Jv8jGKW`Si#Zc(TS`KxXKBudo6$SP1m3B zGyRQj4d*Q`i1WTRt`qxj;FulukJX^d#D?NaShbb8RnY$Kw_n*qVPmY9=R+p?-Ep+f z?~(ZxqNjYdkf*d}-lcWMC9HMC?5plGH$1(?F%1SQd@+m+KSw#fs8!@1QDr1KYY5DUt>Oxlz5Qo(mM)1r% zYtY$k8?}TDm4o63|H}RYc7yRhv}UJCj?oML@(xGSE7CG3orE%Lx0_LajwDUMJ@?l0 z#ca)fRBrIb$4hKti4*LWxzSzjc|{1zlbm$QselX`b0;IcGz&icNgarM^MnpCt?1`x zG0pXW$$R4Kg-U?5{oxV>W!~R&bMstDorOGgU$7y2W=&IxIS{(Wp25A$J>o+Jr8@!~ zG9ib8;Gx_m_p*!?$xnq3V#ygUuepC`>EIJ<67DY8p0tdL*R1coQL*s-eOCOeTolC| zRvQsR@^&TjvAfv^=hL#obtZGy7a4(l-;EWv!xb6)p=J7lj0zUObOsk?B{r}T%Cl52Gn59%*!b8*x91 zjDrvW!>z_54k!~5TJg91A08KDx-auKHMv}yvv_mYC2(oe=Mf&{9M06iEvxoC!M_JJ ze|T?tN&z09&-MSSF#~$wvX+#p*)l2lGH(dhn%pxL+YfY=(!KKBRyQzKfoF1E;P3zpM;{^n1`2VCN2LNN*-GMb21iq!$Z0V4e50SmAHVB z;2d#zirmEgxRKW9vfJBZwIQa2o*Yn-u4U34FiN4oOY;GkXb#u+Ep$`5!VQJtt zx&9^cOR^lk~X|Q7GHJvcMa_qJOO}WUGl!Fs- z;C$y?V6ee5-oi+3fA=F^#%j~WtNXi#s5ZK}+~=dI=|W&B`1mJ!+vs?!YXgZ3 zet-UnvJEn{&|-ev9VOQ%;HII5xS7#KM*;-dmd!e5?dwO$P0u*zYVwq|;v#iQHRF`` zrx7lT++F&HbECEPys%H0P7HBMqT1TDJj053zsQs@2oNtnuZ1yxoUCbaQ>-7))Kg*_ z$v6LWK(k;P|5@5_UfMo{#qZD8B8&-14i^^}2$GmiO^8vGeDm#Nn%Zi!zc3`@n6K!cIFgf$acti8@%5uYGwEUSwn|JW9}iB6tNE5k@VORl(k7Ye;RpTL&(lrd=VU;K z6T~AZwmG#Pdvp%2#dq+OCYX4%&eBUI+QD9G^)R}AfPD+^W#Gr%^I2fMb6mA`FAl)1 z63+OkJBoKNGZ#au@8fi)Zom4K5kbIkc zWi!rSJ6}@;kL|WOv3%6eP9(8Heg%3@Um)(X&1<51Zcsje9=7Ry6<9Ro;S)RpfR)C~ zKe+{C6VH-8=@%%%qo8IXXXiT+<$0#OLV3*hma%W~!H$l_t2BafB(A|9avV5Zvt&nF z!|ZO!#r`1LP*sFBCPY^ry{e}7vu+FSUyBGBI|sP!*`>alpWwD{)=9oZs_;|nm}%7L z1S>9P)%(B4wcUyd34bjh^88SgB^av+yL20f^;>O`5*%TAfc02OGSSj$NTPD+RV5IM z!hWLaeo)9nf7Rh))y7c}aR!XIB8Z0{G&=D(nx$dK(Z<7B`EB;1#I-4MRBaL_k8IJ2 zDd@&zIQyg}4A{W8=z+Ae*N-SZIu22gN}kq7i*|hZ!opQZ%O2m3@d0x-fufoOgO>g5 zVe`Zm@*|VnJuGj>jV?MOH<21tX*+-0cAk$VBiQ*QZo~Vr(JQz>BZ%3csM4`!7hz8sdiV(hjlXqug+NLwmW7%?sn#EPu?a+KaEcp zlXX$0@pd&NW6FHG~f>uFRl z*B`#tqf}}iePu*rgStRZOb9gk#He>(KK(eCAGhceqEu|-DlVMvP`s;IN>x{A9{Xnn zL#F(bM9S$iv^x^)P3UD?vb~4xH=i3P$ah(xPn1O9XX}7|A90GcP6bJZC_ra`Y?FjPo!B0*(5_+yHOC!5uKA?l{cMxb!y5V z7nQ)F$M8`5$9H>$53jdMLTWcum$+}Hozdk}^n386n-4y29MEN;ew4HNi8G%YQ9i*x0Du*zoyiBh_Usp9Ta2 z#d%TqD|rzzhaQ@~Shz~rJ<|Eke7HC~Mr_4CxwK z)&dToL3LD(<>9T*cHB_cb%-PwL7|6$631W#TDEL*r8UQiKQOhc(NDYOc)GjMyf_z5 zwPjPuS++Xj!IZjsN3GD*(mKgYHn*nfE3k?vEl(7KcvZ?oxi8+86|5{XsUuaTI}Jvt z4Fh?1^?S_|CF(;CH%@+&4G!W}GWK)&fg8)XL_;*Wi&agUwKJE>uNeM#5dARomFZd7 zk(5O?rK$s7LE_&}qW5%Lqsq)r4M_FpB!BXIE&5|1St^LHxS*i_X?1f1leqwq7*2>hR><3~=d2Bu`)vH? zfGUt*=45B5Se#nIa5*G)2En_^Otal8JZV1d{L~E|u7yua{&}gm6nfT$*V}?JE?-rA zQjf|jWo>VizmM=<2Nw}-wca8^1xG46bfEPx*o>e%hl2B^pgSAh)cG$ zjt5h$WzL^>EOpgktWh{}+B6Td`Qr(e^(4F!%a3fmd&l%MB2I<4zg=ZzsUZ0u?#_8v z9X9Gl&Y;)GJH7fxy?^2z6_pn6YV>LcKbGn!Q>IK8>jgU>T8l0Uj{0^ov4r&aP)&HL zKx+8%Y$-NAuCs~z4`gb8ExM!}W~SPkTdFPE$snqMr_3uXQXoKlonm~5BZFS@%%mK# zejGNe0K?$4R{mp-4EPF+_Al=EFl2cY8@l5E*y3~7a{_UMh9O_&szhZue}osWeWG}Y zJWE5gHZQ~zZ#{dE8cWhVE{-2aHxo$1kzJ#zLGYr*kYKj_#if7?Ywhkj_#=;O#Wxi` zw|WYdLPMJVnJo&o2h(onCixq^w$^O*Wz0y0u$Vwe%3|<%q5H3xuZn$k*9<`)9v_Xk zQLbf@>A7T5KxI1kX;SF-iumm)&Q41G>*!}Ad_)V9CNyD8wu$BAHh>|4GIz=dE}@Qb zWe-*9nA7od+A`=Q*!bB14pWNz!sD?iZ)W680TR+Lb972P(o*cmM^QuL4EaKM&8+;H4q7|qf1h^2aoA}{b-Cb4xZ{H7th7KL@nFGbhiJJQwLVQB?b1S{#0B7w@D*8U%DHw2s@z9q0S* zSzE`;ByG)dO79ti7P8r1nW%$lyB2zX&M9D(Dr~yY;;=tIJ9wp8IU{&$3woby$IG{- zXBtbSJ>L5&_&WY2E`0=K%Y1_Ug~8%aP(i$@I2p12ak_ z!wP)~gRIEZ&q$ybu;`xI-GZqz#p^sq3bmn3)jz)Lum48l#I7c+PBNg8_%=3Um&=~a z@Q}<^Q|AtZ{JzHtE(_5{j*;s^-@a}_VP}`~xDE>UkR2vkGXzCHn{sh;r1Tz>1aWdk z)*cZJ705)F+V1b43$WeF)#RqNW)^`^m^8YnM6`A&nD^OmF~7Q zqi;-wwP=c%X}PR0bHj0}VQqMZHe?UQNe1J7O# zbO(~x^aA=blHAs=b9DLmZH^5=Z;4d%mA0b(pV zeV{XeS`PdoMaBzWU6m0DE~_MwIo)$e3S2w3*^@LtmZZ}isr+^}uxOd7O=gfKuhd-& zCLx&Yf6dPNFlR9t6uItn&pIhYh}q}i8(ots(pb|NwqN@(h#=nGl8|69+;PdE5DP zX$b6ne_2p8M4#8+mUm}mGU=t~MjQ(2G=2tGF}Mx1=6xC(|7fmPU{%Cxh&5W70TqXf zvDQ=u?vbXhKpCg;l+&)H;ON21Oj%TI#TjxdD@PwoMa$A+ktmi*l#^VAbc$QfHyc4H z&(kY_kj$1U0=#D{LmW-!#ova$y7h6=&@$Mi+00H(7=f-mE{@=d&7(3@eZLUAZflHG zLp`p>1nFruAQWx(1A!n6N5{pO!?{Mqr{S9v_20T<2eT4F-aPJSZB@LQFP91Sd8!Y# zf5p*FN7?RIZX*4zF`B{K+yYkBOgzIS4)K)mID65HWPDb{w|(v#{7mv~DKrGhIQ-Tp z%kjb$67ADtXCLUP)Wz&zJY)#>7yNj96e#FTN+g$Fsbc3!Lq^2lLEkLVu1{*~-|Viy z|f{Rgg*kLwIXl!Fa$5j;zs*09OB*t{B}@9;RNQj&e%$Vek~G8=vTje z5F0-nzBwDcMzD<+m(^&9ON~Fpf?xX{xbfkx2!or;xPDmRJGlsHs+-|=-%K$v z9v|kFEyS@^z~jEKn4`nhA2yf-&Pm=V_?^x2AGenm_+zGq|D^q`eYfaqrS-O z?-5e>j{7lp-lVroMJ?~gZ_aET>*foPPOdYym+O`;nkiQyY9bbiHPrM0WNmVl9dK4EvwBO75HR; zPF`s`&A;KrG@d}K=FIIi3U+!*)GS3sGQXi=dW#8AUa~kTf6Ap|Iz2K&&QlM}I;lx{ zTl4Q-MuJ9HantU0Ok)L1`KNnl2;AG*wl0rH^$q(|HWx|2(1`K^mn?@&B|BHj4Q84$zNg2z#uSyY*-a>;bvk7M zziv4Ry9O4f`Z^``RpWAFjUwOfqcx(K&yiiLFmdGFT^YZw!E5g}S2!l>W_n{z`yyt4 z@owHn_)Yood}~Od{@nbmft)3nu7?1xFw~E$xbW}((8Gf4aHQQ$wN|gt(}>Px+EO7A z=&xFoZOESmTWRy8L`b86x|&%$=H1-c5y{@1Nzj?fGRdC6wXhE9KbSa13b!wk&luuf zGo);`vO!Jvx*PF?6MKYIxtv?8Sk_*35>aHzW5slX_ys)>-BDU^>ZZ<`qPXQJhCPDN zZg}I#<=JBXv%stZ21lRs`A15+?VP+ZMsFx{a7VTi@|K3c9x&<@u`=YGk?VaM`5O~@ zXy)6hDiltHbLfF{YNzBXW=;GbT;ju#K6*We?#N7+diszN;{t}*5js`;kf?SG3o$Gv zSu7XqoWJL&*Cmb~3MJzH$jKon;U*wa$f9hw7RL!~riSo_gv?2S6k~X8ttEcu!;M=% zI<6-C_QkNz^RS!u6XV$5Rd|=f-%*}1;=?`WO^H08W{Q$?x~E6+r6WC`+m*iU;ixHx zIAG;`tx%`!l3yVc5ckK$B5D6FTjt+jqvc>Hpr7(IrICAaab8zn)!UsVd})zRiLsH3 zWr%zqV+1r&Yb#+`5%F=tj%s(pcAj0mabCBm@3%iUabMdB8#Lm+1D<)qQ4)UzNNw1g z098Lc^X^$(V96IW`Zq0`||N9jm#OS$M3VCN9u>RJS;OxVut9zxj6tuIr*qAL4- zKLnR!WbaLC&F$VNiJ|P2e=N9FqoWHt8-qq+tKQ7o%`6MXv-2ZQFfqMiON4Pg#~VzK zTnSHXc6HJ*My-G0j_{`8#$9+-)C{Xn19s&Nzs01|c z8ieR-cUsrLSh-QUpjH-}J}1K3C=BCq!Q89p=%w0y%E7C(&Y30Q>7 zeW0V+%Yn$qANDk!;d|}Vkz9PfLECpsF=#|`x-OhiMC9m*ZF1kv1-Bu3P9&ic@fe?Z z!x(fdJ>zoB3KsdIUbB}35}Clorg4v{#JRhbE92Kk`Q)uZg6AMX-+y{(m%VSa-N);E zZkt~x*5Zim`U~IBgOrtFHOQOvvn5r!nQcM4QuLf)m=nSVBS$8|1(Cb`!FdCvY!c`z zzr13J>olVDHEGiTAYKOkx0aol{dlfC$cKHem6Dkwv5jV?GzrIMB$n`mA5A>;Bj!lC zw+wC8)=+r`fhm~g9SJ=S3aZx%*jlQ9$1oprQd0MDtCUEnzUtFAmj{pG8+vDrJ2k3^ zfrc92yLFQCN&M_Fx0#E|>}IBeLR5a|tBi=q$GR9?vwiB%eR9k0PD>w|E84Lg+%ora zD_v4$*2@^sLkdB3MwKKuiJP|W^)sq-c3c~oV$HH=2@H0Q& zE~YE#o~VcTyqsxPLdMYS=%=z7Y{UKOKNV60o<24Cc_}Ju3^#s$+}3q769ZUK7)@+k zV{9QsCb+zdjmjBcx3~|2aZu&pGW5g??UaJr#3jIM88+bO=$s^d>6`jD+jm-#Q?yg3 zKbq>6Yomb+<2QvqeLJ2Lt6U-T0X*P?%iEgtYnO>6PDoY#b#vSjY8nrBIoIhFF&y;~ z)#EAW<$k=^GdF-D^8yHqyvmtFwS>a=zp~$#=(7XJxP6ahIcwP(+0Tjr_z0 z2G-**#54rM?Kt{cXSLNQs%nhP)UT|OF_c!~Xyl}F<8rxf|3>KZr&K2#?4PRMV+I<= zZypmmx8c?pDX1P-P7CdQ2AA$#lG}*HM$Ibm88&7S_P@;f*!L9#)A?b|mB3b0nzMb5 zCaXTRlr-NM%-HiyI(M2Z%nnBpa_AY8s^@XvKE5>x;py)b#Tl&#%G=rS(q+81P{E<}GDwe>~ zJT#)0`Z;wnl28Y!m>ap}U0XqgaypL+z1eEa< zPAixXgbh$-;m!Ll7Mi7bjEx?=)GIEUQQ7gpL(xF^4=YS_^dDkeG^oB>lXbG$%=RMJ zI9!Ncs&eGp-OgvLn1-krn8${DTMr=<(A4fa-qY8lo4*N|Gqx&4t~YL`9bH@-@=6kqTWN!@t!o`jCh1?{7lo1@vu0hCWCndObKVF@Ai! zdj+&!ID@INc3eLgydp+IbMQvazhGs;-1D2t^}OCoQym`$BX!F;>!w{EOue=Kf;5VA z?vmV%J&=s8U&BB&>ii59|7fPHFFfzdOTGJ^?nheUG6D^_ptwgx{=wXYLq9hJt9S_!G zo2@B{jzL|7HX-GurN+`O0Tm zuew$Rp0dL`sHp5m%Xr%78`r|sOnebu)6{aT`a{RQ`B3QbpHds$Z|j4v{D>*HEk0&R zzI!5+W630)ns;oa!8)^c*d@pT`t*7$fZi2h9oTj244g@Dt>sL+Xsi>0o0DT(k zdBqO1V2L5C3*#pcP?XsZ%QAMUC=VJSNL4vWyZ8>YSbo=NCgZAX!hdq#+^1rHbJTlP zngBO|TE0KkC7swj2w&UVI1t*e-C)M!Jv{mR`H{AVwB6Kd z1xyOf!*m=?OwG?8wL>WoGl0x)R*Px91Vq^I6aaD=Z5Nt8}6wH0XhXug=BCQ(hY zr2i%wi)VuPB1dbkm8Ws$tTmKv%hWv$@i zYuMu=BC8r{-0X%RJ{AXd$7lbmDlF%|a?}E$m?P1K&9FtZD@jH}fO;tZj$l0Ax}?k+ z_A#-a3qQV1URiB9Ze~Tt;|Cm#VbMHGLR+p^bz8L80YtwLMQDlR^(Bg9%`2X?lA|EX~c$3Tr} zn{+Z$*4%v|tyV*M$&a35ZcxvZG%m@TLiwrIMH%+>&sDXwD#xAYTg*QGkhL@;9}^5D zBNLsfeu+Wej&;oa{VI9Y+RJF=c0_nMur)Amq-2f5@>@U|w!%_}NmjW43McHzRmsXC zc_$Tp&sLaaG_SlMgwMbLtb}P?9kf^@yv*w~)!$mXKl!VYwBYH*gt3xM=Az4A7ZRIAzmy7D^b<=0_EnLUs5Kn^diWDpRvC4JCW&t0)#8wX^IvaUg19F26RE%yh z>o%_!8U}7E3$7xx;@=(L7nFAUD^%2`tZLK~n7&zIa1|}}#ek;x(p<@Rb-TR)dapiq zW^a^Z_&|}LGTiY~PN%p$srjpYd&kar2blns0i=E3Dm#4hpXl%``yY|$|CQsF`FmVh zA)g(r^p|JJfaYT}TFY4f;uuFLrIh&|kN|{K<@2W24>+K5qxb5+6tFbIF-gX&0CKd2 zK5T3n&XaS`o*V+iN2lis@?*8 z)iV0oQPA?)BcQpN8gnmUbQIDomIDQ;(WwPME)3+p*rzVuf7x~1h}kpx85F#6H<^H* zxT77DL$n={!Q*|`CA0tr?o5e{*HWvt!X10vAS{lx-Qhb!WcXN2pEPcwTsS|8_2J>0 zV%P$E925g%QB?<+xDCjKu6m(%UJ9Qt8f>R>Ek_b1pNp}PHU^BroGt*@w-4>y7~?RV z@a&UMyFTOg_JfW@1V8t*l|H*uOC*WJ>7WM+Q4CAFI_JLY9tn;U(5;S_5_0^Zg6q!g z0;%=DK?#d$&q&oBxDdcgEvj=2-w5w;nC=5FB{1x$hV^q#cQt|0yV{rA2S$f*alWwj z8igxPNzxbZzFOKA5vES+QAp>g?qTooAlwhE6Kx;)YD1TinrlEmqH{>kZT}{jGuG^V zMt~EE066V<%ukYSWoNVDcq3$%z5YWSv#_4PuXO^&eH`foAnlRJYKdzyI=t%J+I5u}jhmI*7lDp&JPL)_vCActB>n+e7f0fd#+%OdOuG&inv5n(Yj3}Z&N(Y?RPU4tX=KWQ0PQSL zteegJny<9$+)};uW0}yB@XiyPjgf7bZ*wq;VU7a=^6fuUVvl|{r>D!x0uW>v5B^rD zfq4JIz&-lbwrw`)d(6jt&({bJWo`6Vu|_y+J(s6t zpcF5y7z}QmZHqH05iHx?*`K&xI8znTA9v|rk5_1ePq9TFIAIk%)AS_ET|*UXj;*Rc z?j$(Tv#MBl*}Fzr)pRc9>TknOa3#@|LF5mH5b52;NdyzKoU+IBU_Tg+>~`2uLPD^w zAiXbSZIKc(wS9IyYfR>`tDzlYQ9m-ItkjZfYL__&|H5$DmsxT&9!foC1^g$M?aOB` zciOI~0WSfy(R)V)9x%^)Mh0vht?#nyBnoE6+JKc-V%6>Lf$zx|K*JG@D4Oq}EG3

*a80g_Y1zLxiNwY zbX%+A-}jWS3Ff<)2ay0s*Bx=!lDs{t%_GI;;2Vq{uYPttE&E-O=WJ|J-0iJo20Qme z#}=CbC_4 zpQzN|7i}jf{@5X}sVgS{TCGUKQVjfLumxeAl^_9i*4|_(>`fN)8RCDxr@v9eA%YM} z>pmp}?0(v6xJ=8lV7P_oL(v^L0FW#&9yi_lwOzk*_zTc)+3yh!-6FWJIc};-#4qpW zbWS1Ym=85gHEqDu`Cjt|_zycJwolt#Q!o12cJ#zU!khVX7gD7_y46+n7~~8H(%vg6 zqM1+jHW%@Ex>g=8t?_w1>-zd-{gY0@(`Q3u>PT?hf54~G!eYszIgz0a@V&*9ix`L% zbo!?rC<{XFSsH6=Y*kdI%E+`mq3G?W4qPWNy7li}l?(_Y_ShbJ6>h9|kCK0`V2H8D z|HeCQ;ap|zS|rwhPuH|?_cztrqS`VgY$1k%fy~{YUkkF7Q)C8eP1(uHF9v9JXxP{? zegFdaiQIW(*S|1c3eaB8!meW z28M_hP?6ZSb(jRZR`)q!N7X6nif7gsG66Vu zm7nR^N!@gg;$*a{3oQQP{`f91!dKnK%rooI8e6rQyEXcB+f60qfL_Hn_S`|4E9G4h zMe7Zj@{8=HMlo}I*m}`Q?eUD@?EhG%)M^KASsR=R=dXosf|QPb-{JI`o*ZvRAz`9B;^%F1FxrGci1T$))*z(}%-;7n zrhrnx!B`mvOS@hKUG`C!9+NiPhi}&h^a^D%!Jj zc3X5z4tn(ZLyyq@g+45aKHk6P_h+247YgJ#crYdDKgqa z+cce%eWwm#F!vY6&kq-AtvCO_0s;4b2Lx>DS~F+1q+~{4?w2|^*x3w~W3kx^AN3EE zLjDg#;ty-4Uu~o5cmxmKzeg}OQAfJRDFm}&Z3=5b&&wqKtq9BZ?>xCb2Ods?Q@pY^ zk@|#YKyAl1Z5AhHrf2$Tdqtos&7YXXUxIF{3~jNBkDttQR69iP85)g(NYdX_{<+HTb>^dtuX{6$!$m9R)ngTYF5`V?{Mw_(-7OyHL+42VHW{3i6-7=Nl48lpYQ*M4# z(So7D>#8uNIv07<;-OkN_ro?}hv;8AKXRzq^Y>d%xP;>!K$Zq_UYCGXXLbd0eLvN9 zv@e7H(o)_v$N0B%PZh6c5peFwM?C?Ydnd0kWnOa^kjn>Z?|gLhNxajG!b>o?T!jG2 zo3~$zOmdTphOb z_Vo2@PfU%vbL~mk`}#}Aw=yssc)%64zA_iMweefgB%zXw8|wok5+2+B1n;=a0q(d2 z-Vh)E{hRzhB4?mG?t8@RM;s&an1^q;rCjKSM3%@6+t?XA2zuh$f~xAKv@ zIS+7eWuKW+p?e?jkox-qy1F@EXRcH9cFz>Jy-8EGjjw$1$KW?FtK;J8%lGd0{Jqa;p&*usE8Bxa64GT~Z8TYN?B1!G``UGDLbO7r z{#}y$dH;(D;C|yH@{E5JANgjzkKMOtpLh3lBdg;oj*NBZ0G2gh@5BUW6$2&>sK#zEyUo@^ibK~MPI+}oV7Z7);X#2{V$U*t6$o(d-jQ~ z(z7j6cQqA!gO(mfhwyad0c31WZuVGlt ze)XxL5`VPk0dIsl&;Q3^_trhv^7Ix~yBIFmUJ~Fe^LelQtWzQ{t>$c+yZGMyrT-a% zo?6YB9(WxXgwb+Sf&0vtzj^&&w)T#ErM*|U54=`tn67idIx6ojNl2cQrfYj~>I1L4UmB`ma@XqG ztL)d=5sP;2JU&}XY4yqN%bqc-%Wlf%2W}v}T$8_OTkEQmCSh-0DrRu4eri<&JZ7mC zxL4gcy>b8Z-@tX5`++M?KF*5B3X!R=3_SV`=(P~5t6D3oC+zyV{YBONzU0ap;YS>c zg5Lcqy%EZ+GMPJp!TP%PhcM2!b&@YG#2mZmu|MO~4z0uHLV^=2U&dZ<-(v00`(oQH z(eB;1Zz}XkIdM<0eA2*H*ARBrWusV5}s|HQEp;6xyB V{{$wMN4lL3*MV6>O`Q4vO#l&T?2`Zh From 96f6669d2a92b00b3ffd7c8a093c61a9164e1d1b Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Wed, 8 Sep 2021 10:13:37 +0800 Subject: [PATCH 021/103] Update modle_arcitecture.md --- doc/src/modle_arcitecture.md | 31 ++++++++++++++++++------------- 1 file changed, 18 insertions(+), 13 deletions(-) diff --git a/doc/src/modle_arcitecture.md b/doc/src/modle_arcitecture.md index aa3f69a70..3437ebc3b 100644 --- a/doc/src/modle_arcitecture.md +++ b/doc/src/modle_arcitecture.md @@ -1,4 +1,5 @@ -# Model Arcitecture +# Deepspeech2 online Model +## Arcitecture The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 model](https://arxiv.org/pdf/1512.02595.pdf) with some changes. The model is mainly composed of 2D convolution subsampling layer and stacked single direction rnn layers. @@ -16,35 +17,39 @@ The arcitecture of the model is shown in Fig.1.
Fig.1 The Arcitecture of deepspeech2 online model

-## Data Preparation -### Vocabulary -For English data, the vocabulary dictionary is composed of 26 English characters with \ and \. The \ represents the blank label in CTC, the represents the start and the end of the label. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters, which are \, \ and \. The \ represents the unknown characters. +### Data Preparation +#### Vocabulary +For English data, the vocabulary dictionary is composed of 26 English characters with ', space, \ and \. The \ represents the blank label in CTC, the \ represents the unknown character and the represents the start and the end characters. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters are added. The added characters are \, \ and \. -### CMVN +#### CMVN For CMVN, a subset of traininig set is chosed and be used to caculate the mean and std value of the raw audio. -### Feature Extraction +#### Feature Extraction For feature extraction, three methods are implemented, which are linear (FFT without using filter bank), fbank and mfcc. Currently, the released deepspeech2 online model use the linear feature extraction method. -## Backbone +### Backbone The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. -## Decoder -To got the possibilities of characters of each frame, the feature represention of each frame output from the stacked rnn layers are then input into the dense layer to do projection. The output dim of dense layer is same with the vocabulary size. After projection, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. +### Decoder +To got the character possibilities of each frame, the feature represention of each frame output from the backbone are input into a projection layer which is implemented as a dense layer to do projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. -# Training Process +## Training Process ``` cd example/aishell/s0 bash run.sh --stage 0 --stop_stage 2 ``` -By using the command above, the training process can be started. There are 5 stages in run.sh, and the first 3 stages are used for training process. The stage 0 is used for data preparation, in which the dataset will be downloaded, and the manifest files of dataset, vocabulary dictionary and CMVN file will be generated in "./data/". The stage 1 is used for training the model, the log file and model checkpoint is saved in "exp/deepspeech2_online/". The stage 2 is used to generated final model for predicting by averaging the top k model parameters. +By using the command above, the training process can be started. There are 5 stages in run.sh, and the first 3 stages are used for training process. The stage 0 is used for data preparation, in which the dataset will be downloaded, and the manifest files of the datasets, vocabulary dictionary and CMVN file will be generated in "./data/". The stage 1 is used for training the model, the log files and model checkpoint is saved in "exp/deepspeech2_online/". The stage 2 is used to generated final model for predicting by averaging the top-k model parameters. -# Testing Process +## Testing Process ``` bash run.sh --stage 3 --stop_stage 5 ``` -After the training process, we use stage 3,4,5 for testing process. The stage 3 test the model generated by the stage 2 and provided the CER index of the test set. The stage 4 transform the model from dynamic graph to static graph by using "jit". The stage 5 test the model in static graph. +After the training process, we use stage 3,4,5 for testing process. The stage 3 is for testing the model generated in the stage 2 and provided the CER index of the test set. The stage 4 is for transforming the model from dynamic graph to static graph by using "paddle.jit" library. The stage 5 is for testing the model in static graph. + + +# Deepspeech2 offline Model +The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers. From c29ee83a4644fb69549492cf34f7320204944418 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 8 Sep 2021 04:57:12 +0000 Subject: [PATCH 022/103] add timer --- deepspeech/training/timer.py | 49 ++++++++++++++++++++++++++++++++++ deepspeech/training/trainer.py | 32 +++++++++++----------- 2 files changed, 66 insertions(+), 15 deletions(-) create mode 100644 deepspeech/training/timer.py diff --git a/deepspeech/training/timer.py b/deepspeech/training/timer.py new file mode 100644 index 000000000..2076737b9 --- /dev/null +++ b/deepspeech/training/timer.py @@ -0,0 +1,49 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import datetime +import time + +from deepspeech.utils.log import Log + +__all__ = ["Timer"] + +logger = Log(__name__).getlog() + + +class Timer(): + """To be used like this: + with Timer("Message") as value: + do some thing + """ + + def __init__(self, message): + self.message = message + + def duration(self) -> str: + elapsed_time = time.time() - self.start + time_str = str(datetime.timedelta(seconds=elapsed_time)) + return time_str + + def __enter__(self): + self.start = time.time() + return self + + def __exit__(self, type, value, traceback): + logger.info(self.message.format(self.duration())) + + def __call__(self) -> float: + return time.time() - self.start + + def __str__(self): + return self.duration() diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 3a922c6f4..521297d70 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -18,6 +18,7 @@ import paddle from paddle import distributed as dist from tensorboardX import SummaryWriter +from deepspeech.training.timer import Timer from deepspeech.utils import mp_tools from deepspeech.utils.checkpoint import Checkpoint from deepspeech.utils.log import Log @@ -184,13 +185,14 @@ class Trainer(): def train(self): """The training process control by epoch.""" - from_scratch = self.resume_or_scratch() - if from_scratch: - # save init model, i.e. 0 epoch - self.save(tag='init', infos=None) - self.lr_scheduler.step(self.epoch) - if self.parallel and hasattr(self.train_loader, "batch_sampler"): - self.train_loader.batch_sampler.set_epoch(self.epoch) + with Timer("Load/Init Model: {}"): + from_scratch = self.resume_or_scratch() + if from_scratch: + # save init model, i.e. 0 epoch + self.save(tag='init', infos=None) + self.lr_scheduler.step(self.epoch) + if self.parallel and hasattr(self.train_loader, "batch_sampler"): + self.train_loader.batch_sampler.set_epoch(self.epoch) logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: @@ -240,14 +242,14 @@ class Trainer(): """The routine of the experiment after setup. This method is intended to be used by the user. """ - try: - self.train() - except KeyboardInterrupt: - self.save() - exit(-1) - finally: - self.destory() - logger.info("Training Done.") + with Timer("Training Done: {}"): + try: + self.train() + except KeyboardInterrupt: + self.save() + exit(-1) + finally: + self.destory() def setup_output_dir(self): """Create a directory used for output. From 6e4a3aff07f46a63d5218ccd034ed71ad6e1cf36 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 8 Sep 2021 07:06:18 +0000 Subject: [PATCH 023/103] float_mul_bool type promote, lhs type promote to rhs type, https://github.com/PaddlePaddle/Paddle/pull/29265 --- deepspeech/models/ds2/conv.py | 8 +++----- deepspeech/models/ds2/rnn.py | 7 ++++--- deepspeech/modules/conv.py | 8 +++----- deepspeech/modules/loss.py | 1 - deepspeech/modules/rnn.py | 6 +++--- 5 files changed, 13 insertions(+), 17 deletions(-) diff --git a/deepspeech/models/ds2/conv.py b/deepspeech/models/ds2/conv.py index ce962a445..9548af0a2 100644 --- a/deepspeech/models/ds2/conv.py +++ b/deepspeech/models/ds2/conv.py @@ -106,11 +106,9 @@ class ConvBn(nn.Layer): # reset padding part to 0 masks = make_non_pad_mask(x_len) #[B, T] masks = masks.unsqueeze(1).unsqueeze(1) # [B, 1, 1, T] - # TODO(Hui Zhang): not support bool multiply - # masks = masks.type_as(x) - masks = masks.astype(x.dtype) - x = x.multiply(masks) - + # https://github.com/PaddlePaddle/Paddle/pull/29265 + # rhs will type promote to lhs + x = x * masks return x, x_len diff --git a/deepspeech/models/ds2/rnn.py b/deepspeech/models/ds2/rnn.py index 3ff91d0af..3fc52a378 100644 --- a/deepspeech/models/ds2/rnn.py +++ b/deepspeech/models/ds2/rnn.py @@ -308,7 +308,8 @@ class RNNStack(nn.Layer): x, x_len = rnn(x, x_len) masks = make_non_pad_mask(x_len) #[B, T] masks = masks.unsqueeze(-1) # [B, T, 1] - # TODO(Hui Zhang): not support bool multiply - masks = masks.astype(x.dtype) - x = x.multiply(masks) + # https://github.com/PaddlePaddle/Paddle/pull/29265 + # rhs will type promote to lhs + x = x * masks + return x, x_len diff --git a/deepspeech/modules/conv.py b/deepspeech/modules/conv.py index 8bf48b2c8..22a168800 100644 --- a/deepspeech/modules/conv.py +++ b/deepspeech/modules/conv.py @@ -113,11 +113,9 @@ class ConvBn(nn.Layer): # reset padding part to 0 masks = make_non_pad_mask(x_len) #[B, T] masks = masks.unsqueeze(1).unsqueeze(1) # [B, 1, 1, T] - # TODO(Hui Zhang): not support bool multiply - # masks = masks.type_as(x) - masks = masks.astype(x.dtype) - x = x.multiply(masks) - + # https://github.com/PaddlePaddle/Paddle/pull/29265 + # rhs will type promote to lhs + x = x * masks return x, x_len diff --git a/deepspeech/modules/loss.py b/deepspeech/modules/loss.py index f692a8186..aff4854d5 100644 --- a/deepspeech/modules/loss.py +++ b/deepspeech/modules/loss.py @@ -46,7 +46,6 @@ class CTCLoss(nn.Layer): # warp-ctc need activation with shape [T, B, V + 1] # logits: (B, L, D) -> (L, B, D) logits = logits.transpose([1, 0, 2]) - # (TODO:Hui Zhang) ctc loss does not support int64 labels ys_pad = ys_pad.astype(paddle.int32) loss = self.loss( logits, ys_pad, hlens, ys_lens, norm_by_times=self.batch_average) diff --git a/deepspeech/modules/rnn.py b/deepspeech/modules/rnn.py index 0d8c9fd2c..8f8b2a18d 100644 --- a/deepspeech/modules/rnn.py +++ b/deepspeech/modules/rnn.py @@ -308,7 +308,7 @@ class RNNStack(nn.Layer): x, x_len = rnn(x, x_len) masks = make_non_pad_mask(x_len) #[B, T] masks = masks.unsqueeze(-1) # [B, T, 1] - # TODO(Hui Zhang): not support bool multiply - masks = masks.astype(x.dtype) - x = x.multiply(masks) + # https://github.com/PaddlePaddle/Paddle/pull/29265 + # rhs will type promote to lhs + x = x * masks return x, x_len From 89744c13b20d026eb9018b133e0edb54c693baff Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Wed, 8 Sep 2021 16:41:54 +0800 Subject: [PATCH 024/103] Update and rename modle_arcitecture.md to deepspeech_architecture.md --- ...dle_arcitecture.md => deepspeech_architecture.md} | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) rename doc/src/{modle_arcitecture.md => deepspeech_architecture.md} (85%) diff --git a/doc/src/modle_arcitecture.md b/doc/src/deepspeech_architecture.md similarity index 85% rename from doc/src/modle_arcitecture.md rename to doc/src/deepspeech_architecture.md index 3437ebc3b..af6b2042d 100644 --- a/doc/src/modle_arcitecture.md +++ b/doc/src/deepspeech_architecture.md @@ -1,12 +1,12 @@ -# Deepspeech2 online Model -## Arcitecture +# Deepspeech2 +## Streaming The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 model](https://arxiv.org/pdf/1512.02595.pdf) with some changes. The model is mainly composed of 2D convolution subsampling layer and stacked single direction rnn layers. To illustrate the model implementation clearly, 3 parts are described in detail. - Data Preparation -- Backbone +- Encoder - Decoder @@ -19,7 +19,7 @@ The arcitecture of the model is shown in Fig.1. ### Data Preparation #### Vocabulary -For English data, the vocabulary dictionary is composed of 26 English characters with ', space, \ and \. The \ represents the blank label in CTC, the \ represents the unknown character and the represents the start and the end characters. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters are added. The added characters are \, \ and \. +For English data, the vocabulary dictionary is composed of 26 English characters with " ' ", space, \ and \. The \ represents the blank label in CTC, the \ represents the unknown character and the represents the start and the end characters. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters are added. The added characters are \, \ and \. For both English and mandarin data, we set the default indexs that \=0, \=1 and \= last index. #### CMVN For CMVN, a subset of traininig set is chosed and be used to caculate the mean and std value of the raw audio. @@ -31,7 +31,7 @@ For CMVN, a subset of traininig set is chosed and be used to caculate the mean a For a single utterance $x^i$ sampled from the training set $S$, $ S= {(x^1,y^1),(x^2,y^2),...,(x^m,y^m)}$, where $y^i$ is the label correspodding to the ${x^i} --> -### Backbone +### Encoder The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. ### Decoder @@ -51,5 +51,5 @@ By using the command above, the training process can be started. There are 5 sta After the training process, we use stage 3,4,5 for testing process. The stage 3 is for testing the model generated in the stage 2 and provided the CER index of the test set. The stage 4 is for transforming the model from dynamic graph to static graph by using "paddle.jit" library. The stage 5 is for testing the model in static graph. -# Deepspeech2 offline Model +## No Streaming The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers. From c9ac0d06e34ebbab6d78c593e5ceeb2e9df1ba95 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Wed, 8 Sep 2021 19:28:31 +0800 Subject: [PATCH 025/103] Update deepspeech_architecture.md --- doc/src/deepspeech_architecture.md | 99 +++++++++++++++++++++++++++++- 1 file changed, 96 insertions(+), 3 deletions(-) diff --git a/doc/src/deepspeech_architecture.md b/doc/src/deepspeech_architecture.md index af6b2042d..78fc5b7b4 100644 --- a/doc/src/deepspeech_architecture.md +++ b/doc/src/deepspeech_architecture.md @@ -20,9 +20,40 @@ The arcitecture of the model is shown in Fig.1. ### Data Preparation #### Vocabulary For English data, the vocabulary dictionary is composed of 26 English characters with " ' ", space, \ and \. The \ represents the blank label in CTC, the \ represents the unknown character and the represents the start and the end characters. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters are added. The added characters are \, \ and \. For both English and mandarin data, we set the default indexs that \=0, \=1 and \= last index. +``` + # The code to build vocabulary + cd examples/aishell/s0 + python3 ../../../utils/build_vocab.py \ + --unit_type="char" \ + --count_threshold=0 \ + --vocab_path="data/vocab.txt" \ + --manifest_paths "data/manifest.train.raw" "data/manifest.dev.raw" + +# vocabulary for aishell dataset (Mandarin) +vi examples/aishell/s0/data/vocab.txt + +# vocabulary for librispeech dataset (English) +vi examples/librispeech/s0/data/vocab.txt +``` #### CMVN -For CMVN, a subset of traininig set is chosed and be used to caculate the mean and std value of the raw audio. +For CMVN, a subset or the full of traininig set is chosed and be used to compute the feature mean and std. +``` + # The code to compute the feature mean and std +cd examples/aishell/s0 +python3 ../../../utils/compute_mean_std.py \ + --manifest_path="data/manifest.train.raw" \ + --specgram_type="linear" \ + --delta_delta=false \ + --stride_ms=10.0 \ + --window_ms=20.0 \ + --sample_rate=16000 \ + --use_dB_normalization=True \ + --num_samples=2000 \ + --num_workers=10 \ + --output_path="data/mean_std.json" + +``` #### Feature Extraction For feature extraction, three methods are implemented, which are linear (FFT without using filter bank), fbank and mfcc. @@ -31,6 +62,11 @@ For CMVN, a subset of traininig set is chosed and be used to caculate the mean a For a single utterance $x^i$ sampled from the training set $S$, $ S= {(x^1,y^1),(x^2,y^2),...,(x^m,y^m)}$, where $y^i$ is the label correspodding to the ${x^i} --> + ``` + The code for feature extraction + vi deepspeech/frontend/featurizer/audio_featurizer.py + ``` + ### Encoder The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. @@ -38,16 +74,73 @@ The Backbone is composed of two 2D convolution subsampling layers and a number o To got the character possibilities of each frame, the feature represention of each frame output from the backbone are input into a projection layer which is implemented as a dense layer to do projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. ## Training Process +Using the command below, you can train the deepspeech2 online model. ``` - cd example/aishell/s0 + cd examples/aishell/s0 bash run.sh --stage 0 --stop_stage 2 ``` -By using the command above, the training process can be started. There are 5 stages in run.sh, and the first 3 stages are used for training process. The stage 0 is used for data preparation, in which the dataset will be downloaded, and the manifest files of the datasets, vocabulary dictionary and CMVN file will be generated in "./data/". The stage 1 is used for training the model, the log files and model checkpoint is saved in "exp/deepspeech2_online/". The stage 2 is used to generated final model for predicting by averaging the top-k model parameters. +The detail commands are: +``` +# The code for training in run.sh +set -e +source path.sh + +gpus=2,3,5,7 +stage=0 +stop_stage=5 +conf_path=conf/deepspeech2_online.yaml +avg_num=1 +model_type=online + +source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; + +avg_ckpt=avg_${avg_num} +ckpt=$(basename ${conf_path} | awk -F'.' '{print $1}') +echo "checkpoint name ${ckpt}" + +if [ ${stage} -le 0 ] && [ ${stop_stage} -ge 0 ]; then + # prepare data + bash ./local/data.sh || exit -1 +fi + +if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then + # train model, all `ckpt` under `exp` dir + CUDA_VISIBLE_DEVICES=${gpus} ./local/train.sh ${conf_path} ${ckpt} ${model_type} +fi + +if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then + # avg n best model + avg.sh exp/${ckpt}/checkpoints ${avg_num} +fi +``` +By using the command above, the training process can be started. There are 5 stages in run.sh, and the first 3 stages are used for training process. The stage 0 is used for data preparation, in which the dataset will be downloaded, and the manifest files of the datasets, vocabulary dictionary and CMVN file will be generated in "./data/". The stage 1 is used for training the model, the log files and model checkpoint is saved in "exp/deepspeech2_online/". The stage 2 is used to generated final model for predicting by averaging the top-k model parameters based on validation loss. ## Testing Process +Using the command below, you can test the deepspeech2 online model. ``` bash run.sh --stage 3 --stop_stage 5 ``` +The detail commands are: +``` +conf_path=conf/deepspeech2_online.yaml +avg_num=1 +model_type=online + +if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then + # test ckpt avg_n + CUDA_VISIBLE_DEVICES=2 ./local/test.sh ${conf_path} exp/${ckpt}/checkpoints/${avg_ckpt} ${model_type}|| exit -1 +fi + +if [ ${stage} -le 4 ] && [ ${stop_stage} -ge 4 ]; then + # export ckpt avg_n + CUDA_VISIBLE_DEVICES=5 ./local/export.sh ${conf_path} exp/${ckpt}/checkpoints/${avg_ckpt} exp/${ckpt}/checkpoints/${avg_ckpt}.jit ${model_type} +fi + +if [ ${stage} -le 5 ] && [ ${stop_stage} -ge 5 ]; then + # test export ckpt avg_n + CUDA_VISIBLE_DEVICES=0 ./local/test_export.sh ${conf_path} exp/${ckpt}/checkpoints/${avg_ckpt}.jit ${model_type}|| exit -1 +fi + ``` After the training process, we use stage 3,4,5 for testing process. The stage 3 is for testing the model generated in the stage 2 and provided the CER index of the test set. The stage 4 is for transforming the model from dynamic graph to static graph by using "paddle.jit" library. The stage 5 is for testing the model in static graph. From 1a8c5278a111e5da2df8f5d46c9eacb77a46a1bc Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 9 Sep 2021 02:52:38 +0000 Subject: [PATCH 026/103] export ctc grad norm config --- deepspeech/models/ds2/deepspeech2.py | 10 +++--- deepspeech/models/ds2_online/deepspeech2.py | 3 +- deepspeech/models/u2.py | 3 +- deepspeech/models/u2_st.py | 3 +- deepspeech/modules/ctc.py | 7 ++-- deepspeech/modules/loss.py | 32 +++++++++++++++++-- examples/aishell/s0/conf/deepspeech2.yaml | 1 + .../aishell/s0/conf/deepspeech2_online.yaml | 1 + examples/librispeech/s0/conf/deepspeech2.yaml | 1 + .../s0/conf/deepspeech2_online.yaml | 1 + examples/tiny/s0/conf/deepspeech2.yaml | 1 + examples/tiny/s0/conf/deepspeech2_online.yaml | 1 + 12 files changed, 52 insertions(+), 12 deletions(-) diff --git a/deepspeech/models/ds2/deepspeech2.py b/deepspeech/models/ds2/deepspeech2.py index 620d9008d..dda26358b 100644 --- a/deepspeech/models/ds2/deepspeech2.py +++ b/deepspeech/models/ds2/deepspeech2.py @@ -128,8 +128,8 @@ class DeepSpeech2Model(nn.Layer): num_rnn_layers=3, #Number of stacking RNN layers. rnn_layer_size=1024, #RNN layer size (number of RNN cells). use_gru=True, #Use gru if set True. Use simple rnn if set False. - share_rnn_weights=True #Whether to share input-hidden weights between forward and backward directional RNNs.Notice that for GRU, weight sharing is not supported. - )) + share_rnn_weights=True, #Whether to share input-hidden weights between forward and backward directional RNNs.Notice that for GRU, weight sharing is not supported. + ctc_grad_norm_type='instance', )) if config is not None: config.merge_from_other_cfg(default) return default @@ -142,7 +142,8 @@ class DeepSpeech2Model(nn.Layer): rnn_size=1024, use_gru=False, share_rnn_weights=True, - blank_id=0): + blank_id=0, + ctc_grad_norm_type='instance'): super().__init__() self.encoder = CRNNEncoder( feat_size=feat_size, @@ -160,7 +161,8 @@ class DeepSpeech2Model(nn.Layer): blank_id=blank_id, dropout_rate=0.0, reduction=True, # sum - batch_average=True) # sum / batch_size + batch_average=True, # sum / batch_size + grad_norm_type=ctc_grad_norm_type) def forward(self, audio, audio_len, text, text_len): """Compute Model loss diff --git a/deepspeech/models/ds2_online/deepspeech2.py b/deepspeech/models/ds2_online/deepspeech2.py index f049f4155..29d207c44 100644 --- a/deepspeech/models/ds2_online/deepspeech2.py +++ b/deepspeech/models/ds2_online/deepspeech2.py @@ -289,7 +289,8 @@ class DeepSpeech2ModelOnline(nn.Layer): blank_id=blank_id, dropout_rate=0.0, reduction=True, # sum - batch_average=True) # sum / batch_size + batch_average=True, # sum / batch_size + grad_norm_type='instance') def forward(self, audio, audio_len, text, text_len): """Compute Model loss diff --git a/deepspeech/models/u2.py b/deepspeech/models/u2.py index 1ca6a4feb..a01766da6 100644 --- a/deepspeech/models/u2.py +++ b/deepspeech/models/u2.py @@ -864,7 +864,8 @@ class U2Model(U2BaseModel): blank_id=0, dropout_rate=0.0, reduction=True, # sum - batch_average=True) # sum / batch_size + batch_average=True, # sum / batch_size + grad_norm_type='instance') return vocab_size, encoder, decoder, ctc diff --git a/deepspeech/models/u2_st.py b/deepspeech/models/u2_st.py index 531fafd0d..7dae3745b 100644 --- a/deepspeech/models/u2_st.py +++ b/deepspeech/models/u2_st.py @@ -649,7 +649,8 @@ class U2STModel(U2STBaseModel): blank_id=0, dropout_rate=0.0, reduction=True, # sum - batch_average=True) # sum / batch_size + batch_average=True, # sum / batch_size + grad_norm_type='instance') return vocab_size, encoder, (st_decoder, decoder, ctc) else: diff --git a/deepspeech/modules/ctc.py b/deepspeech/modules/ctc.py index c330caf15..b3ca28279 100644 --- a/deepspeech/modules/ctc.py +++ b/deepspeech/modules/ctc.py @@ -39,7 +39,8 @@ class CTCDecoder(nn.Layer): blank_id=0, dropout_rate: float=0.0, reduction: bool=True, - batch_average: bool=True): + batch_average: bool=True, + grad_norm_type: str="instance"): """CTC decoder Args: @@ -48,6 +49,7 @@ class CTCDecoder(nn.Layer): dropout_rate (float): dropout rate (0.0 ~ 1.0) reduction (bool): reduce the CTC loss into a scalar, True for 'sum' or 'none' batch_average (bool): do batch dim wise average. + grad_norm_type (str): one of 'instance', 'batchsize', 'frame', None. """ assert check_argument_types() super().__init__() @@ -60,7 +62,8 @@ class CTCDecoder(nn.Layer): self.criterion = CTCLoss( blank=self.blank_id, reduction=reduction_type, - batch_average=batch_average) + batch_average=batch_average, + grad_norm_type=grad_norm_type) # CTCDecoder LM Score handle self._ext_scorer = None diff --git a/deepspeech/modules/loss.py b/deepspeech/modules/loss.py index f692a8186..399e84e29 100644 --- a/deepspeech/modules/loss.py +++ b/deepspeech/modules/loss.py @@ -23,11 +23,32 @@ __all__ = ['CTCLoss', "LabelSmoothingLoss"] class CTCLoss(nn.Layer): - def __init__(self, blank=0, reduction='sum', batch_average=False): + def __init__(self, + blank=0, + reduction='sum', + batch_average=False, + grad_norm_type=None): super().__init__() # last token id as blank id self.loss = nn.CTCLoss(blank=blank, reduction=reduction) self.batch_average = batch_average + logger.info( + f"CTCLoss Loss reduction: {reduction}, div-bs: {batch_average}") + + # instance for norm_by_times + # batchsize for norm_by_batchsize + # frame for norm_by_total_logits_len + assert grad_norm_type in ('instance', 'batchsize', 'frame', None) + self.norm_by_times = False + self.norm_by_batchsize = False + self.norm_by_total_logits_len = False + logger.info(f"CTCLoss Grad Norm Type: {grad_norm_type}") + if grad_norm_type == 'instance': + self.norm_by_times = True + if grad_norm_type == 'batchsize': + self.norm_by_times = True + if grad_norm_type == 'frame': + self.norm_by_total_logits_len = True def forward(self, logits, ys_pad, hlens, ys_lens): """Compute CTC loss. @@ -46,10 +67,15 @@ class CTCLoss(nn.Layer): # warp-ctc need activation with shape [T, B, V + 1] # logits: (B, L, D) -> (L, B, D) logits = logits.transpose([1, 0, 2]) - # (TODO:Hui Zhang) ctc loss does not support int64 labels ys_pad = ys_pad.astype(paddle.int32) loss = self.loss( - logits, ys_pad, hlens, ys_lens, norm_by_times=self.batch_average) + logits, + ys_pad, + hlens, + ys_lens, + norm_by_times=self.norm_by_times, + norm_by_batchsize=self.norm_by_batchsize, + norm_by_total_logits_len=self.norm_by_total_logits_len) if self.batch_average: # Batch-size average loss = loss / B diff --git a/examples/aishell/s0/conf/deepspeech2.yaml b/examples/aishell/s0/conf/deepspeech2.yaml index 4bf03ec63..9560930ac 100644 --- a/examples/aishell/s0/conf/deepspeech2.yaml +++ b/examples/aishell/s0/conf/deepspeech2.yaml @@ -41,6 +41,7 @@ model: use_gru: True share_rnn_weights: False blank_id: 0 + ctc_grad_norm_type: instance training: n_epoch: 80 diff --git a/examples/aishell/s0/conf/deepspeech2_online.yaml b/examples/aishell/s0/conf/deepspeech2_online.yaml index 9946852d0..7e87594cc 100644 --- a/examples/aishell/s0/conf/deepspeech2_online.yaml +++ b/examples/aishell/s0/conf/deepspeech2_online.yaml @@ -43,6 +43,7 @@ model: fc_layers_size_list: -1, use_gru: False blank_id: 0 + ctc_grad_norm_type: instance training: n_epoch: 50 diff --git a/examples/librispeech/s0/conf/deepspeech2.yaml b/examples/librispeech/s0/conf/deepspeech2.yaml index 0e6ed5bab..d5b1ed919 100644 --- a/examples/librispeech/s0/conf/deepspeech2.yaml +++ b/examples/librispeech/s0/conf/deepspeech2.yaml @@ -41,6 +41,7 @@ model: use_gru: False share_rnn_weights: True blank_id: 0 + ctc_grad_norm_type: instance training: n_epoch: 50 diff --git a/examples/librispeech/s0/conf/deepspeech2_online.yaml b/examples/librispeech/s0/conf/deepspeech2_online.yaml index 6e74f7042..180a6205f 100644 --- a/examples/librispeech/s0/conf/deepspeech2_online.yaml +++ b/examples/librispeech/s0/conf/deepspeech2_online.yaml @@ -43,6 +43,7 @@ model: fc_layers_size_list: 512, 256 use_gru: False blank_id: 0 + ctc_grad_norm_type: instance training: n_epoch: 50 diff --git a/examples/tiny/s0/conf/deepspeech2.yaml b/examples/tiny/s0/conf/deepspeech2.yaml index 5c9436e39..64598b4be 100644 --- a/examples/tiny/s0/conf/deepspeech2.yaml +++ b/examples/tiny/s0/conf/deepspeech2.yaml @@ -42,6 +42,7 @@ model: use_gru: False share_rnn_weights: True blank_id: 0 + ctc_grad_norm_type: instance training: n_epoch: 10 diff --git a/examples/tiny/s0/conf/deepspeech2_online.yaml b/examples/tiny/s0/conf/deepspeech2_online.yaml index e435ff969..0098a226c 100644 --- a/examples/tiny/s0/conf/deepspeech2_online.yaml +++ b/examples/tiny/s0/conf/deepspeech2_online.yaml @@ -44,6 +44,7 @@ model: fc_layers_size_list: 512, 256 use_gru: True blank_id: 0 + ctc_grad_norm_type: instance training: n_epoch: 10 From 0ecb558f2aab24790102a2425aea75502301c774 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Thu, 9 Sep 2021 16:51:08 +0800 Subject: [PATCH 027/103] Update deepspeech_architecture.md --- doc/src/deepspeech_architecture.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/doc/src/deepspeech_architecture.md b/doc/src/deepspeech_architecture.md index 78fc5b7b4..5ef730fda 100644 --- a/doc/src/deepspeech_architecture.md +++ b/doc/src/deepspeech_architecture.md @@ -8,7 +8,7 @@ To illustrate the model implementation clearly, 3 parts are described in detail. - Data Preparation - Encoder - Decoder - +In addition, the training process and the testing process are also introduced. The arcitecture of the model is shown in Fig.1. @@ -145,4 +145,4 @@ After the training process, we use stage 3,4,5 for testing process. The stage 3 ## No Streaming -The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers. +The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers. The arcitecture of the model is shown in Fig.2. From 06c4b4e437888cf45322a6bee1b72ec3b330c61b Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Thu, 9 Sep 2021 16:56:43 +0800 Subject: [PATCH 028/103] Add files via upload --- doc/images/ds2offlineModel.png | Bin 0 -> 95607 bytes 1 file changed, 0 insertions(+), 0 deletions(-) create mode 100644 doc/images/ds2offlineModel.png diff --git a/doc/images/ds2offlineModel.png b/doc/images/ds2offlineModel.png new file mode 100644 index 0000000000000000000000000000000000000000..0d8722ab00127074b04c03a6b27e4352ff15eb41 GIT binary patch literal 95607 zcmeGEWmuG38$S#K(j`a{U? zxc9#I_W$)g-VaZFm|-1ju4~2F=ed515EUgkJZuVVBqSs}`IjfR7#~I?%Jt zj;)A}X+aXO4vQG9)emLnBs))PMdqPf!;LnI*$Ln@IB2Muq~0 zDwaHLMn@un%ue?LW+WORp$aMq3wC6re>hr&@f#JD4sj`T61PWelPXCx+TZ(jre>=I z*VlX+8usGd=h9s6A^iw?LTvF38_5j2Qikxxu)6*iDuu&C0wjC_WYYYKNfSB-QPGFA zJXJRabMxp!D_$^Xp7B<{TO-+!c9JS&{|AIhYr#`VnC`R}@7amXk^Kv$cP@IX-p9^F zlviT15WLxZoTqfuB(Ice!sq*w>FIaMHz1^aGg5`m*ho{T6|l;wf|rk+k-m?k;2ZhB z#s9u*M;#XUmhwAkQj!AGx!`*cfgc?bG0*qomDUc$YrQKo9dA9QR@?4X`a}2OjRCbVuFBT=kD`ac_WI)rc%yUlekAh>No0rv8XbGTzWexTx}1rlCK=u%k}~l1tK9jr%%@ zyLxPv-}-o4`ed5ld}rg-;dt|+zAp{B$XOLu#b6GpitZI^64VEOv@ZU(PmYdE`)J6Y zvs~5?jAZ8IQppJ2H+-s3x0H8SX@$EYzdVwNQX7ZXKMo&9_wQK;Up#GY;XM(3UieFg zQi~9&$+_c~&3LCJ^4oDD`39$Pi+3~lp>#+o_I4r65ctPb?{?Z&^g~JV{CoE4_Z9u0 zs3kGHMN54d7eI?E6W~$)upIfm8495`zGlElIudb!y)hFr#%p7V{CjfWxQDQn0$dgz z)T2B2`@W@l*~aC8{GtuQg)c>bpDC&Fl4>LXm(Hb|G*fyvnv)n;R`NjQ!DnnNTC8ep zI1-7}4;3K|yfJBs=S&$cLnQfRjW~GE8HOk~c*EcIl=Bp$QMMf!3-|d4E--r#e!=Dp zbXoNFz|lva_!hKC`sxc)xduBUN`WmOkAdo z3Me0}LAJ&CD%30F;(cdkffWV(0U{J%QZ8$1!+e8(qkqHMm8ucV2ib>6ESOr>uU&;J z`JqcV&c~3D_H2`QQ*5rBMBP5DK3PQxi-$+lVLu8@A}W+7k?ceT@R}YpkvCyXhayv1b2)WgESM7-aA|K|HM)fg*9SB4jau;A?w^A5%(*`<3+dJjUf z<(wJWX%FPLUz%rUW%p)FjWAU{m8vOeIiuTv-9XwP-k^1e>M8B{@yg^}|6J{S`EX*@=qUklIB_$HHnuJC zQ(~p3xXj@!Y9#i=?Zmt!f~*3}hN|AV@6~zK4qq=Zud*VvgvH5Oj^Ne-nBnWnY?{N1;`sQle90gs2h*&1#7m_%wMHT}b0qe@yB`iCCq8@N?KS ze<>23aN~eDEY6s^>{)+Lwn!#SX5~M#1=~hiTic%7V%30cQzpC$N(vDLDY*ujJ})3L zL50hu?Gr4+LPbYka-W+H@mQHx<5a5}fM$^lLL6!wqIT<3D-5d*Qw^);qwMP1X4@<>oRuGyKKzYgh9Gis_;qU3q@R!}7;^JZx3$ zlZovi|=dC*Qr)wRrgd`*Lj-STJ+YIl((46 zRUB36*-luT!RKaDZCfX9BJYjSb-c-v&TH3_W0H$8ja?3o4N(82o&!TNNTODnS8Ux0 zcRF=8-1h!?9vhaW5Z}w4AfeB005hP}PwN*<9Zc~vzKMpWQuda>L0d{L%Fgra94A93 z#-5`dqNk&0D<0!s;^v7wBM*bf%bJT@WDJ>_#XXul%1(FprOtm{5?>tudV2oiGX7Hh z5O$<+VtY(^;=XURIZx=1g^4{$&Gl{6q%!HGZ&)(#+gJeEyKbo%sa2_{!2Wl#Z3w!z zFO9n+qcJi*X1p63=OXCDohCfxntA4}^J@^N9OpZk2Aju&H$)XrGg&`TG(4`PJM{Ui zH9DSuIm|fxX=C8wd16Q6MdJMm@roZ6BlVt6Ma!i>Y&(vYrysn<;>N1MGR5&B+tq*e zWg}WU+5-}EkoiSci`15FK-=3Z-jjK#(STnHX|!hCDV-SGwaSIe3%eIC zjN-g3N7<6{(H!;V8W8J&5yOmza!F=`wMx77N>$b9d`;XCvXJS@&oRgadM5PeN<4{( zRD+mnC(pjaWuZ`^cVBi%ELa6fJd(E)Aa9>|J%O07Kb?KOt%X-=QCw3vCz{AByL~b!T=r~l_TwZT;#~K9`!MM1(QRpkWT~VESNX7;>DbxE-ue8Q zUFCE&1XlN4X>p8xJ98wH6FLPgyD>hJp1Mz@r&fDx=Qh*mP6>t@Pa_c2)7zmWVJ=}o z;P*RLEE#dc@y*i>X6tckmm`G+9R{BaMk*I7YiH4$>JT?-1FU;x`-N7eqs22C=Wp&? zD$g4Zwt!yizLtHRc6M+!TX0(DP{3WtG8;9U)^ghuka*7kV-sWBmft4Krj`1^qfg_q zqXzlzg=LOIc9U>S!B-S=_)OGaojTTE>cyI?yH(k^46DA?a6Uedl9!khCv`18dUovr zQ~oINIyF6&*)Bj=vpT%?P&dc^z`lj)o-(+$sW$D`)YiImo~!cfFPcIvC%6ZSH%TE? z4VGQP@2NNkb5bd{^hZ2zy=Tt#$Vl}!8XmeH96o7PSZ{i0V9D8JAnx{K^=D7faZ$;{ zqp})T5!bX|KNb^+#3IGmCsIo5X5W4to)c+3Q%sYaZ-9yma?YB}HICE3=OH2&rzrs) z$eUCHDVFZMyI;R1_&8qOG-4!Te7H|S9WOrOt#MSeS=O&6x49{m*0$Rf6Sa50BFONH z@dnZR_J-(Z>`0!l@^;#kxCsA}p!4$i_w{zp_ne(Zq*tZCAgipgS`ycb=W=IOGaLK1 z!`mT((D}kvvEzXogLUm+lUZj;dtDO5z8bgMXCXHQ+b%ondCR@63tvC`@L$7k*f*vF zL;6Cn=oC7VDbQ4czq7C)H4DA(!#Y4xaYT~TeFkQ%YU*HS}5Xn;ji`W)2-mDEn^4CML~p zCQG*LYCB>`!gI=lN3oefeVV6XOq)049KZ4u2QU0K57Jl@i@#A{xm*)P?vWVLnuR3+ zG43;SZFvh22yp`@ey({nE@{oeoDdUro6Ucz8VNRmkM zGEy2I$UC!W&BU)Sza6ZP%u;f_4GB$2%=g0);hrOF^6@Dlo1Xagz2m!s><>wq z&j}8jyB0U=LR{^3bF&clz1gH|DvA0kUdttKOYok!%fJ`)g~Z2?Q3)iGkpJ`LjbiQ% zQ>6DtLcyf{_sbX!leB^0|9I2{6_eETWn#dek4lzz^Z)ze?-l`rWcfqs@3{Y&=5DBW zvZeo>8R!al7~st9QrrLQ#xHEO%PEYAJu<1)y{oa(J+G1b=$dzuG4*DfZkTW4L0Xo~ z#0w?wpu|0)mKU)()lsqbjLXELuwT<{HN>H|*1sly@R)dSt^3fp%t1>RH>|6fYJh zYq^LfM%&vLW{u!lC&-;s9{M}W(t2(A=(lJ z4b4;2I5Z3i#q){ELgHtwC%NVSB~dhYz~x7!<62o>jVO9zqEWVwOMGgWe{7ky>Tb{z zGu!{Z=P$_&&{5inf(7*tl1J+VyqC5#0}I;W{g+DLnbV~mqQA2c)CEEbmlHg45W^Xf zg8hHK>o4hx*-@hNNE{ra<@HWB>K)df>u^N%u;6x7;zyJHgZFA=wAzZZpV zS1{)OzFD&EeJ7)@5DT zn6%MC0R`%LKZ9s|nTZ$`qtS3kyEA3Ovc1m_)mnXhtS8GejR+ej<=ecSYrsY+n3G zxe_ID^U@3HzWA?nJnFKRQ{9G>aXp0V2#Izupsd++1cKT#bqXzf0#cfHf)S98rBR@k zGbFt`UZR)b*$pUd5{Y($bIup9t%6zs?lJc5Wn%YvpE~c;DN7!+Zh|SNE-H0{IB$SV zl4=3k$+2oIsHE)ZfSep~txmZO{|&f~n&oyag@k&BqFOVF*c znPM!cvgi-($=XIVZkO_S>>CRmbP$=w^WFml=cN{H&7A1S?9+3?{~4!|2lW6wO;Kch z7!7T4)(6uZ)2eQ-jt0%w`jU9uclAAQug`Ma_vQ#Mhax99n)jb)kb9!yI08fo1_V|1 zy(#}cDnP4_Ld2w0&HwHOQDZ-?>HBLDW16kTdG+UwY^KzTsvOl58lU5sFP>{jguT@t z4+Ai$gA=649awvL9)SO{{ra%-^H z!4EPyw(&?uQV#ux+);ve8PCx;dkbF|t$e-QJ(}aav$n*t{>Bx|HpPMeSYET23m?b~32vhm`=Nq$ zAVt`ecZ=7_O8s(Vn6`OGFd^Zd=iRf}tdix4r4Ro{)c{;V#1>bxk-|=eJFwGc$Eg9 z^3*!h{BDHe>{g^`na~U&2>xN+U>SL6H5Fv1LM;z}{x&2$F-npVEmtXpqM{)XUzmBx zr_k|q#$_+NuI z-ko3JvT#~fI)BMIoFQEPJx*k#JDJx;rYeefkAyNsmMG|$TC7vmIUO^;Bj_+Q2}#?1 zk6*B;JRFekM-IDV+8cmrAFwJ!%TSNWV>E6yX~ykyP3W+j!Mx`aA}Y1sBTDozc&BE<5X{!v zeqUk+A9IgmnZF7JmZuywnJ#cUzQ`4t{8Y2}VMQT&)}4n=&qr~BW{|p>76(a2qaEJ| zhmo?YJ$)xI2>G=br2bQZ5!D$a*|e#AqB~e)y6*7+#|m!*PjF_z+yhvS?Cm**-GtK_ zI_|@T)${%K`>Q2&bDwUmFCjl>eONN{-lLYd zVX>JaodtltItg?&0_JNSWt46098L1zw_<*$BPc^>5#E3KWbhptPP622T*zFcNZP~_ z&Q5tdJ|X2W$rCP14p1Mz#^joX@`3_Ijb8*Eo8Xq>(`%A_EuCn5#T`?djcPn+k z`pl}ORhmBeTLNuyL>h!JTxYiwZ=V0mm$EYq}-#sjgYiyvf0!T7{w=lt4_&9x*0 zJ;azCD1=?}cYvpMr#~ARc^~`;ZuYvD0eB61C3 z%b*w;cb(;6>YdU{)}p=$XVUJAx3_jou*lExL7$ZPJIYw8k#toz_Ssc|RDzhS?ahv> zBGKD**YZJ}5(RPM@Qe|4yfZ-mg|cXA_UeL=%RSD_4eBFjJ@oR z9WiK2=wX-O0<9IiO8UPTgro1ZnZrVrezTxoVe)}1-~E-o+4FR5lnFyfN%KJ`C6Cv! zm7@r&R_W(E)dPcJC3=FxekmgEq*P%}SHBMK{M-34OxYZ8+;hT!z$^nE;2-O)iVDmp zJ4LYlJ2qa)mCSh+7wT#ZJR5ONsGE&f@c=MIPt#kbz5<(b2DaP#9*d~?3hopkz&qww zz*rJ-7cHz-!;}=$4zmaY5nH14r>_gM_3dsO;g`lGx;1Ks z3E`NZtNp>wF#{(EY9qj~?-1bbLJSEdX`4`l=a%jQpG4D0mhni<65S_xX}*nL+{Se( zjoaRt*oVadPqm_9_brr6%Q^Nt;=D?;MDf}jgbFGPIL_In&5!tVr&L=F)9W;WOYn#R zZAl#{T=^?1q%HV%Ht)w7C3c#)k(h9C#%MSKzim02)4Mp^b9BT^@j0EU1Ok`f;)^qD zAUbmHd6E!3heS^ojrThc7J$rReYiirY;Hln4rC85H^ff<0L$*wD7p;gLNrr6EuU)6 zYN*~}R@fR|U9d43u1loz)!Q@b#gTQ%N=L}FUwso!jays!n|6=*VYEg5EWiqrul5y0 z9Q2terQqYE|Kmd^Int>>Zd;>0H`C&RHyT0sR4aA!zOi}^4YKHX6px_-_J=&BI#n;e zUTm?xlU05XM8hv-{Vhq=Rq5~ltqrsUNC7rug+2G~i_$X4MScbh$m6A8{{6>yJle!m zsY;9__53Fq2|&W!X+9bNYe%SNz38bL6lVo=pvrY`P7FzIfDT>NI8A9<1P^!Vz@;w) zZArZ9naR}y#|UbwEf1LDf0C*@TC4;~&Lsa>G_5;plr2xBAw$WL`6DF1Lg6z!v*n8T zZGHat_5W)+1|$!Zex-Nm%G~bQ*T|jeoYXV%x%a2pTYI!jhSayBwdDANH2t2pa}(U3 zZXb0)$0K9C+>{K#wGAy<1s)%7JUyJ*&&x1wT@C#rJK5v+ZtEroV_X~Mf*RK#ES_h3 z5|#bgA8$VV{S;qX*435aq0v1>3_1Vg9}8cK!l?>kE7&XO?p%R13jVwz`6n~pzof%V z5y%xxKetV(NWI0c8I5v1PX_Urwk4}c;Nv3!@h|ayKk#zuz=LZn$d+%vf>qQGdcY3$27k#WU+Lz~^C~xBDuA-jX(jtjFqPe^wlMy!z9|Ph9Jj!qk1{;LR}&^B z7W>Fu9BTta<)FC+BhM?w1TxMxlid`eNM;PwrLo3+3=s?^+#nUR0FMdRW>48UWLCff zy+E6x6rCyVV`in4Mhf5qbP0ya0QrSBBQZ4mWc5C{8gnm@K6)cL7tGCU8NJ*mhkV=r z2$*4+L^6r68xL@_GtcfnlEugRbt@@HL+V$aCF?C$u5q2c&zTAK7?qkm&#k1B z2qn|afHf(MLt9qsC7=3*7Z~&%#C9*rVrDyo@;)({WHn161r%dFZft9hNGXn~dIM-5 zJrIbZ2Fad3iQc&HT8&Z@b~nT80F5$h-}h@<<-{#6+au^l6=(TIzD?}!18!HOt=l1~Hau5 zCJR+Dlm5dl9LfV)k~Sb<{(offfV?UahT8pi0DnnwEFgo2P30E<*&PbZ$MQVpkMaUR zHxs~qZ{g|BB>z~~-znHjRbW0@=E^&B`0ps^j{!a^TS6=UOzc^(3D|NmWd;5r&+nDf zrU3!l(WagH@09a@g9Eg9_k%d2`{RGd#axL6HZ7iF|1J*->Ur2SAh2e zTJ65PDv-`U_WAeV0mOjJ{Qrr_%n2sqm2}bWD4;EkpG`dK3vY4Wf`Tru)P(=qG7mej zPHWX#GKv6Sj2(jHN)-ZB4S(C@?SFVULYPi&Bdq(kr~Rk*PzJD$qC&&O{}ff;F-TS& zEPP>&Bo5%hA%4dArqXn4!Csy<#b)`>4lCK5xU-xk6)i_jLwOB=5Ij&(tL;;2T#ISq)LvK)G zxJlihVIeyHMrZE0vp-U3JfhNU6+NlKIKum=RhGx8P1n(rL)l8v*JhA$WEM4K7Cs*T zisa|3sDSyN3y=~AjX>95MoDtu&VJ6YEcyeRU`El^bKCvezamO>6(?8|LMdn;Q^EKW zDry-wTC8gbwo#Qnoi7OJR?<_@m_lVIQT#m7i5i!zSvLK+imW8=^|oM-gT0MozuAq1 z%}=!g!-i(QB0Zg_T5PuK6Nh62wFO2x4iY(mu6Bm)9MD$R6z`+;=Q>}#vZ}51L0}u5 z_NyZ61a^a(;jf*S^V&q-_~haW7c?WUD8}a~>`J-2j@QFU)Y^BH>&nWKIYgUl6jPdB z?fN-ZUh%nkHutX%h`JcU$(K{~#wr6csV5nUu7I-PZ%aZe1}OP)bN8J^@IbkrG9~Zj zR_ZvT_x+Xu=Za6fVxe zYu1HI9#`Oi<1HnibWwgn?fsuz%50pDphV{WSf7<8j4>eI9ic+*$b;3)7iok=<4GAJUfF4RG$mnrEf%V&wwQbqrvKc6bY5lzSiXAHk{OpS=8vr0v*;X zTSF+c(K=!(PvV-#r{T+W2hHKkIt*cFZvvUiV3+Mp+qOQbt<1lN^|zrIA!EMMlDU{R z!@JXzQ51gGxH#5Go9(!Rnmvo2tGMZV9FA?ZA(o2lGo*Mkir)k+)?Rt~{F<-y3M_ld z<%KqXS%5Rq6V%!lhm~u+EtK11%X*}k&4{Oxc5ai)X}OYJdUn2dggA<&NM}?~!mb!y zHtLI>XXHE)aCwua=_C?SVDk=kG4`{|V6CLtKJ(4Vp<15JBA$M=OL}K+JYQV4Cv>ck z*6Wdj^Cx1JGb0~8btA#n+t*NvI$M>gfsu6?x8womtLKUgck#h{o%H?IkvAM-=669$ zC~bMrrbe#PNl9C;t~%tT(i%IN4P;O~FxuB2?X*VTmX^m}cl&8I$`Bm8Ir9RB$g?Z! zhppwYX4xQTO+W@lMQx%R=^D4Vg-x;dYMgh+1v`7o1H|lhJKdi48g?#rvGndh5Nzwu z)t4tL-@G24bZPHoKV0ngM#;zIgA(EM_x6M4Tj9&$ z>@Gb4DUH0g8wtgug%;t_IGebiQ{ES%Yk_;p2R~tz4o`&a640Gx>RzaoS;#h=j5#@< zaN8reZP%r)sjp{e`R^(hcT~~@LaOS#_;)~MvKAH2SG;6@;RstUka&1VDgz=uBbPud zs^8-lj7Y1xo_gtSc)V=}gKS2uO|>ZIO!W$MXOe8&f6Jb>gXM?fm0lobWlDt`OB7R^ zbPdnJ@qA@kJ>VUer8$r+#I)u3ymg1pYUgxPNTeqfvE5xpl<+fxGb%Q+zp#hIV%GG` z#sm^QW{FqRfZ$!5>Mkv@NlrD>>ZLtWTw^4%Y7l z+%-vFkB`X{Pi1U{`d6L}oaF3@_wV>#lY|L>?mi;hqwn8(9g`t3P%DLqnWYR9k2+5~ zYI=3s<(uHyJJAcBa80NT{mMS;t1IW?t!K+REm-6r{PbygfB5VwP$i0YSQoxL$TKVu{@Q@d@g;++nTOLXQQ}0N@5tAl z2i9FTCMK&BvDvuj;SmcaQ4DVzQm|4S+awD+M&NC@GKW(t*)jRhT!91}xIH6nZ6RVl zU8sJ_e!RVFW9tHXeEIaV(_bA9#z?`G!^OJS$zvel_d6K*{0Q`XW;ZP}SSS{+0lSTR;hVKVy> z>RPM_>h1T4^GouF;gMn_MSgVs(!&XI(E(~=cLIM-Uw%!d{PlCt6@Qx5Izf(hJOXgoi!6o-vg9$kt*Fv$EyNfu>m{f2TIFf%91p>35!mFKC&PPM%-1 zvK&oJ;@ixui{?2NvAFVjOIRmuNPzGZ^8{-YF@%!WItps8M_u7r{o4FB0{zZzq6(l3 zyS10>h-cj();f?ah7bkw-%hbx5D-6a zk>$@o9X6DmYfMybJ$EhlW6|SJ0(-|2oRdF~f1U>xc(V3ni$w?&G}Tm*&+a``cRBOR zC87WsU02X<9>qXvO0ADJZ?E`0=lbl4NI-)n6kj$8s0a~qb?j+2D9VET`L9)v(-^53 zrETvmKe3$tm^?O>taT*%t4-q^vU%Y#)#AD9HHXXim!IzD4Jc9GUf0QB;Q*+r@+hFS zZ=cMe(B7ska<(MkQlO}8*`j2>cD~M%cbYIJ0( zv`pe5XBz&S3Zo`?CHVT(q6(6HcA%z5gd~#taR@z>Q5xnoeNSDm6+PBLx7@CUIPsS6 zwIC=Ehw`Io9B1N=MQTWR0@y*J_f0AHOhXXF z&EL#RW;efkV38Q+(SygF#|bxN^_**C&oR+(oo+G5^W6GmkZt+SSYWO;Dd^53`Aa4O zX=S@Nm<34Q%|HvtuyCgnc*$VhSecG|YKs+_wRz`Sn38bE_Y=9=+7|oM$hQeWDnN&AG*e zjw%<2s>q+g*swB7(}v9ze8Y%&Kk-C1hFk}Gl*{vt4|Anu+*C7PW{V2=_y(y?xlFm{ z+`Z(c^3=s#`l`%MKC<%wF($OGa%!zAVTVy}Pi-DOw>tmA9jC{dxN_-^D<% zkU$##Yp2fIMb4R&o$8VoZzDJHPMZ!CR;F*+!DLg66;1r}@QO(M)(WEpFL2T+{q!*I z5w~fN7rCXE_*izobsF!wqU{4{lCkbRM+Bi;oKRl-3wxirO11M6s(CArrM*$!3-G`rJ!a1+4p|b=LS}Rmp`1*4!2gD6ck+S zE||6g+?l439Om)eR>swZ;bWy#S9#vNZ*2F^7s#m)^^uLnS)0W#dR0oCJ*WA`TBGtL zk{JCcih}y1ADUl}HB9qZmmpS^qbkJewkqaabeXKHO58`+CDQ0P@zdh=8(!Y}CcXgl z@9_0qzRz>gk9@9sr4kP{=Kh=)_Z;vc@>o{toxS+>Pkg|R%npueH$KYARX_1HZoguE z%T%}J1usD-z-Kl)SG_d_>x=FY(H|ItLldge5nHD4pOK7-EPIeh<)f{AQkrXFWppS- zi;ldolhB)}kIvHb_y+=xfqZxZTBTFW@QgubUb`O9BI`@2* z!qqq>3i;K!-?|#3oYyN%^sS+w1?#(mK+R_==tTMD&~#i@9(yd*h?3JK-tldfyc~fdH`6ZEdL_^^G_I;nFo)$so_8<1iJ z0>w}A4m0&XhtLLUl#C|U}j5w1xk%b!EA0YkhIiv4^CS^1YB-RS_0{vSeS z=7eI}NS%5+c(<93_Ma8n;7rS%YGsV&WDN{d4fU@QPTbCTDnSFk=-U~q7vH`q=^Fjc| z&xN)?b674&iWR*p48VB3Y5yn>ASia+d~eRzdslj5W7jO{{$YX&90e^>KF5b(M?wOP z?`8Ae*UOabVYD`qAcNT4x&8g zdue~Z93^2k*X%ixugXwXyxN;^-}&I#U9IuX`@I5+>CM8k4XWDL2OcM5T4Ct#?*MUk zC%1<~()WAj{chQ_|ARzvBD#yo(v%xBR=4_ZR^3*4wb2%9`eLn#874DP!n+ZZ5PG%wV=L zlrfT{Kz0XhL)4_f&|V!Z+*}7{yy~EUTSMGRY%lR7ga3xmxXGRb;g`iPp(sE}+RSgBk zqqmZoY%Kk^8(C3za7X7+RXKS8qM)YBq?+4B4N-JxK6o*`a|&RTNZ6MrD@++|;%n`u zOrT3PTspvWGEfs={NJERVek$!290+)-WRX4UG@W;(RfZH4lgPz_9Fm_W@j9yRB`;G zJ(^B>1%NVyHC=1e@tbzyo&)%?9Q*0oN`Qkojk+`5v5cTk0IF!ja9zynxZG3x_R2+Q zC0cp~KnD?Bi&`%U*Wq4qBB8+F>$f(Y?D^NC3~O>;=wPXjjC0(>z*j7I30I>JXZKZm zDw;&lEe$BSsOV;cikZEyFhH|J>0z2t-Q~$TMxr!BoiPj)Xrx5_Ew6g`E?4o%GMb!-fut=h@696Ktgei$kNpx!I zJAKgiJzrJJdJ(a-6Yr)VCF!VnwJvcRGUWn5@&KHY!7<}U^w`y(abZ2`lel;fFrb!@ zy~b@0oocI?md&BBK9}D$73%eEg$JK4<8DrrrL`~;S+Fgk*vEVARCK}9Pvf)%+|>2RU3TvaE-JCHvliTk(lc>Ff2!da7Dn!26+9-AHfzQOl?F* zgsaJnyob3#+9~nudcwJyJSA>K<^sr>VvI04`Ajz1WJljG(}?8cABiU*l}&xuVcE#@ zWds0dnB}ff;`U68nMPp@cDciS3|1Jfd)d?YT^&SjcJveg2)Gm@0J*w8e|zJui^eT6 z`o+L~c5HaCTWI~uaw3hBbqNh;RfF}Ls4mp715z^ER4h9x_4bX#^vUzp1S9&|A8yob zZO})AT!Mm+)Y}~-h;p%NOp~KUaBKbpT0Mx1AK}q^9#EM|298w7;tB)B}X)_uX_+ zSovl9y9cC0gBE}We5o1`?&SvMrr=QubcnqJutGw);CWx_JEUN}=coQr#MVVfZJM3I zEzgl?bqlu*we|j>5=8gjbC~`d_cgl5cB5a=tg+KlM@XdSqmJP{emoAq(&%*Y^`9Kx z;XxOP(*vPurBnUuvlGQSybcE^=cNjqEu$Qi+$QhqL4wN`a{}rR^|9O{;gyf#?dCU= zOuf{J=68T7AI(F+gw~4Xp|5=tQeic=p;;1NFYFKPzt3KVRVV;cd?I$W-+r1TL1pqH zjq>M7_8@rks1yE3OXQdQ=lTJn9!Zlni3SOb7R$%qJ^Hy`QQhUg@#1EV*xk#~L_EX$_tG24ttEZi5} z_ct&IdN@o&k!=hB6b5W3O6}7I$40W9Ber>E;XNN2VXkB1MrQLe*Ny;a91Ka8Q12O~ zpR}~i3aTGQY)5r^4AN|ub6wa~o_Z7y&N3?KulKlWYmT5?C^i((MCYY?{k(xe<1fx+ zCGsdXlHfiNX`b0RpBf@o1eRVJ@@T6%oLs{xm7l|!?Dhsc`3B?iQR`fG%N<(#XabH* z02~i|XNvwc;q~k1s}PjO<*u7*dsajz@muCxL;%LS-ls^cxKqLJ`Xm97Qt7rmK2q;w z$_>(FsN57k#wfahiS!ga#zU!bmn-=J_|hDA+{RLHc)Dq?byVW+{i_Z8ttdj!uI;h& zS<77iSW}DeN^qos9CnmHBqh%|!q)!d+|H0v{DTv1VdHN|1pqkg8o6*HS3>M;#s&P6 zqNTHjfu*G<=G6$kb>GnsaB$Q>ipaE~o|_onBe!4o5y7uS%tri2Kzq$ckqErkBFQ6g z3=mxEMI~IN)I}?5VuUnbudbA;vPTTRM0NCy!`G`r1&HYoA6;Er)_AZVU9E&*n22|UvCk^ zzBbj+F3Z=22s*F4oQC9YK4x0ms9BTtduF?E2O{Mj44$O8@AraA;2X%n{dV`#qwFHc z=$`s@TZse`UxRzn2}kt+?AmHXq-R(jQa;N4g#Q`<1%5ye_d3&zJxzUu9prxsFPaEo z^aFWijx?+rcA14I@DcD*iS`uarP`2fCq`b}8vy0EX!6 zZ5 zkE(M}zsyWA9NGWebj@m=HW&P3jepj68sm7Dq*_jGHm!gzeDfuvA%-BFCEyg-5=B)G z(lTnO;C9Vz+WGA6ZUuPCoUH3A(YY_hYMR`?i3Z^zcUIzgeOt|dj1b~g9hp1lYqhTY z%#3s7qVX*}&U!GVHIPyrhDfB-+3{9qT~Ex-`as<>Es|BR83sKA9Gcr5at~s#?N&Sy z=G%GIgK7%?YW-?G&0fMXS)x%;!v)sKJxB>}ws=U^wClN^Vp&&oesW~?&T!rD_A;$b zj7VeByHWHa4eMpI_W@)5z;XexPpUQbBNu!_kHrtccs5bh!|OeKt>N8SDGiAfo59|> zp58L4Twg=Zrrdf9{2WL7`Iy`+pLp{Nl2P$K{@kBd%s_!)dm*8mEHS2`y{>WLuH5Rl z0RRjrdM&YHWdy6M6RCk&a(0LKdGjI9-|Wl+G)u(swz z*LIH)@#X2o1$h3_R(SU6Myu4N^~FJ6&8C+tkKhWuMb0NV5ptNzhVtke;VZneUpZ7OXPg( z3ERW2ljesBceOGv^7VHUjg%t=NaB3PIUaV|&mb70>M0959(H&MT+sxAb9#Zo7TwdWv0nVPbev;P%@)mTd6DfAxD8@K zHr86r+VSD9qm|z3o7rcllcx4gHKt4@2ApgSCEAT(1chLcZ`w9qHh|q$R#bN$UQi5L z-oIrZ9!z2ML4T%tzxO6$+frU{)JnPI;;I?nD68GhN+A`vS)^6n&f3ybz>c38Yn}Y` z#`5eWNedw-DN_F`epDKEmu{MylA~avDyHunQ6aMu1VQ~!;Obe72t|gt>=Y-f@@Eb+ z&!9dF-vYqJ%sww$ndNOSW)|728Rc%dpq65xl?Cs&*$kT}_2M^m6&%|YSBm|?FR~)~6%)DdF4~nL^kdwk)v=#smZ6N(sT{CH;Tf7@3U4cfNiNZZr-keZ zV_RA4jSY0hR(;(g<%9J?M*sc^##ckr5U;hd3XBuokt+(eHT4n36*#1TqQTFy8mqxm zNt|fxRW4@G89mMdl2O}Y5BHhZTaq++6Wk1FJ!x!E8{r97O(v762ii<&uQwt`5wscg_s(sibLDM;sM?`CzlH&xy$)pC6@hGdm8DQQKeoXX zk%_sKF(qk3pOe?q*>VZnya~y>^~?B|rn6sJ)^3l_2|*4zVGTl>oOH-7bZT(Gay`ou zeBsJ7SZJ&a<_1d~UIq9>JHXK!F&u6sYpO9W+Rf z(udkK))2vYH-XE61}ldf{wMGiB@v_p!CCogDW97ckf&qW5-UI!wZoea>pm)4UJm8y4Q-*f|yyh|7_?%Y9AS{Wf@GsqGz>)TfH6q_E40oUScyG&BX2mQh5 zIi^fD_FlqLR+Xj;!pgbrm9*HvwoWEt*3V1*7;2`J*TMBy-1kqA2-}2H_&wW3d0P_x8i!fSV2w*FqR`JLXL`{NOCRT$3tVO;EmZZeT zFj&nzEln#3lz3g1MOS83y{`_sxJ@fkd@nX-!EbM)ZTxd3gkzuB3lxI3tL2(9apN*- zAn+?Ck=kL)wwdhZb?byJ_=<8@N3RA3Enqim+5%3sH%e4oI)^hOu-v8zK!Oc%3c|0)z%Po_7&++ zBn#g&Scb(XH)X$eJi$pg0;uzFWnNyp9#?l7*pe*s=ZsT(E*so#+RdjWY|oUnxpH6* zy%)W%lH@%+?$^E-Kzj#rUu1I%XTh?v4-=U1Tnb^bv!vdAC0zU=l0T>4@mNRNN9h14 z<#8S!(d>e&t_uhKtYDf{rINNG)e3HEzBpF)Ipe>q^HjWG?e?cRgHNb^j)!YQ3ei8o z$65vST2?+OI8%pji>@oH&QZ~Vx?vKld<@F-;rs-c;r`Y(QqO7mP;#yFP0=5__hAf8 z`Q2Wp3}?xSLFs$4@+n(TD zbqj^YY&QcHWtzvxu&l!Ca4{e!kiS38XW$$^wVtmo01&|MWH zwJ1two{z+>53f7%{71^0i$~?Fyip3o?&^1iX(2}7K7#RgFMK|d0N@_vPvAxs{oVCb zAHzOWgVP#7%0^oK{K!SXC-#x{|NJk2;`)|Xxs_u5SuL+@x*o$jsvmzkO?1CR)J;d? zRZkU<6UPwj<80IvPkaRXX4C{bVA`cUYz77sFSiL zJouE8a*#U!2*b22l4I5w&Oor6#H|3%$fKSZ^C|HFbPB_#+_0@6~_4TB)vU4lw? zm$XPocb9Y{-5}lFjnXYG{oRA!`@Vkug6H`S$C-2XK4-^T>lGW~j4`o(X^TJ!_BUSR z?I5D0>_J=*3=w{$j>_mCftJJ=3t`*Fn6gU6g^vuGt#=t9342?X+~x*0xbuimg@ZgG z&*wQCtRv{E5&L4CrKA*;2Kx>P^YI%fmtQHHJ zKqRPtyD2P*Y3&3iw!(~-k^ab+bTG2yW|2BroN$h+;XL0PC8M7PL9ibf`ozE1Wc!!? zTn+oq@KurC7u*_WVW-!`Ky@RCa?6?Z=@0A>ssk%v{;DVvtRW@H{;dMU5@0&2ebg)a z8?y)nm&IEt>n!;j_fUiK(;w3&{7u#WNDC0J|KELCmVVyLfj}gSL6sEKpg5c}V6yv= z6<@cNf^xn;^j}dkwEhlDEc->%bF4sKAbzZnY&TvxA{r%6R6s!BUT~ryZ4ty1@kT!Q zIBQUwZt_SzBh_#~dCjElYphl6Q8J4^kohPQR zXwid52^IWbd9^d#sG`fIPc4)y@EOKDlrNN@3E}S8NyPo{s6Z$1RN7|ij!DPqf*W=J zoKWslayEc6S5@x=nEDnu7lCO_o10pIlgH@HN+SDc_yI)jKVYJ$5`-p@<=Ig6Hz_;@ z!#N023Z&(&+-1Y?fazQYt3Oaat~aj!rPMf7ge=1bq0MDj3F2Mr*XAF@FT)~wy(WCt zx_hFSA~%+m{SP_&cb_2-SonrG1R^?6@c2Vp$U|SMj#**NXCzJk3{1<1ie3JN?+^@K zQmsBFTpf6EhfKajCVPavPOG&ZCF#sd{x_872IHQ%6hd_66pLB}nrn3)kD`@p>-gwz zC~pbpXD8y#ujUlr%_SsoG4@{_GQ(C_e<*K%?&_iajfnEsGQ9hs@o zmFuHBhQmKk%JT}FSQ_E%T!vcp5j#xg-%=TLKWt*vKxj(&pS}=#c%ai-WBjjkcYn2k zovkDE<==oV#N%z4$zNbKfRBX%i0Jd_uQv@)Xt)5)`+wc!9xNmHkddtKKLZSUDPq+X zy#Mo&9|jc;v+wUKT0QVVBck_$M~gmK?vwzEPhC*y3FULW=mG@;3Oe=j&`}wF-n|dG z1DZg$IR|p_Lr^8@2EzRephLIrXPp$?UuaO67m{AbXVwpVgwIC1$N0>u4WqP|zOL;} zhvXl?nhGkz9(OT}or z)qu5?=nj*zn|wnFps_^BIHuPWQt^s&QtNFOU~4TEIH9YWd#;czUC}w#=;~avTREFy zwcNpJ6-e-pO^GRR^_VknhEfsGRo>23TQONKL97TmA6i4D^ZgFng;hPk62Z{q{(4^= zro+6Vfg3=}4*Qq~yOJChjP8$g61i&v#DnThoqa{ZRJB!l{ppN}bqB6NMs0Uu?_{dL zeJJumt6nZzRJ--U*#$?-@k^r1VK=8k0Rj4-f#3&5z!T_u_eKD@4^FAkD8=yGP82M= zs8YS&9#G^Y#giOJ=B*1YB-7>rWyFLp(n(yWO7~x*Je|*A4Vt-P?P^Zbz%Gok1JKd# ziuB<>VkNMt!?SbRzv3VOVlrMBc680JZ#@lB-rA0+m;RWbHU1Vy)d0Z8Lx3PqsuNV7 zKX~w9f$=iCA?_b_C`1~nIK|BN^a30RP3)hOZiG%NVTU6U4Bfz=VwLdF?Q)m$_I%L2 z{%o%eSRAZO8>B>my5}3^0#y=F%n1Y1X3cVD9CluSJRbHkGvXw`-_enwZR3RD6uW>D?5+^_A~z$g66YJP^1k= zMsvMg@otF+QZ>P)o zta}z)AEW1|GTY6OPp}jmHj?+ggQvqcfNxR%JyuIG2^e$?7g>CyHULw^{tf0Y4vKqL zk|GTD(_s3UEpFEX2%0-90)IW#3$?TtfRrn-!S)2BJmZW>EgVraDwRi45lZX8wZtJ$ zxo~Tza@JhB#(H(<%4UGGvjz-cLd>62=i_-wWk*s9>YZ@h3ndAV;Q@Z|5|hBMxqv@} zgQTTih<5h8F4wHphm$S6qr7%tA3}(!%9WjH?XQq4Pu>aFF#s^yxgA7pZKu^I7WlRM zis5^maA}pMS@x5RgO*%tadLG@G)2`dv!6COI?Gs^3v^&jode^WS;*}rA*PeVI+hWL z$7X6$shf}RSh|cRi<0`&^~SI3!Ml=f^+9RSX#}Y%LBqqj?eDu)i}vj8&}||#2G+bU zwHS~>41H0oFe!O~s2xZhWgbXMMWbBJ-4oF6XATU`9S*=4P8Gk;iSkm?EVjx8fLhW( z6RZt?YX9qF= znZxlED_F0zgL6I0dL@hV?UQe0yhP?3ALf{IfuMf39;{c>NqX7_{qcJDY5Ltk*>v`s zyqDs$8wtj1zn2cP((-#Q?Zo;7NMPT43M!EIn5$NHweZDA{>$vmXkh z_2)M?BpmZ>)?V!2T<%v1WX;sTq&-~EVw-XTsrMbkr&g-_x$ecCErAviI{T-y@}s`A zb5_WmAQbbZXNn7GYvuYVC}&RXTs%r=tKk92h$%eB9vc7!g5z?Q=`Ru}$t9W^n5h4AUy%^C@DCCX8`an`9$TaL{;9O6Y zZVil?%_0WCtes9+XHyt2!MGMnurWT8kjlcAM&;glc?Z7V-t6D*)SF(*B*2<5Ybo?@ z?Y8g=6KX;E0t+sLmm_9;m*4KAIUZFw?dBIZ8YdjqGFRjlQkW^{NjaXRAU?_j+zk6h zw!!hN9OLypnS_e1rwIUFE+KR%v)`RzW4Qgj{Supko$noYdL%pyTq(udc!!x1Y}VL~ z`MRnqB3Jrh*CJVituoJeV2z}seSOQ!YJXaY>Wx9@cYf5KV1FOt5O&E-dlx`ja0*1-t_@U9rJ-HO6 zF$0E^X&Dr#h+}xW%L6Wk0TgUfLuXdol;%|)vTvjIfp*$s;*@HlPgyn~( zSv6UOQe*de3M*_(F0SC0&{)9AxT3ANVQae-WBP#b1F4pHd5{d>dD}zbETde*{)|Qn z35Pi=-!}!G@zD)r;r5m~$ug0^fvNWjJOdUfscH?B<6|Bp$i^vIey7u%Ri{%$1EAz! z9`WSu4t4OTyg0bo9HROY&K)X&h(vpkXI1!~XCxfU&sk7aHADL{Orz<5fT7G<( zPZ>6k+{~>LOt+5A;%)tWH!?tLPvs)`ykewB)axZF3%`u&$En}XhKa?8kk5uZ)Sl5) z>P^!dUuUi`GR_K-@!ft&c~&<83V{ zpgcJ{SDNK6Ef#G``(1%04XSA&50lTD9T(3i~1t5Y14*F*18O1tKL-R1#K1u3PFVqj?|w04*pTo=Gt^eeo<|Y z{jtsmk|)gNzGnXUdaf&BB6Fr<+UZre3}v8pT~Qf;!w?O%;}8xeFe*Fet)Q5cI;hO` zOueMd4Q2)IRR$mWee8I74Q5u9BkU)bfvpL5;jKahF#efU8PzCA+Mj9X7FqEB6Lb7) zb@mZhB4G@riY73|Gd|k2vBrxvEEC=3dF|XWmeF8rESoFFT`~*=TzG-i&9M`aM(}jw z`6^Y-pZnk5WHu)qxhpb{xHcf7;n$!dg}^ zqV6tVGAJ8c44uERpKd?jcfZ|^)sjx?2*RH|k>TED;TBHkR&Cf^9X|(KcGr@I}!c;aGR=`w>)^!Rfl}xBGrexR~!mC9ozHANNHT=HJ?Bes4UzfGCT(+mIv9yzY|AY0kDoE=a@c*l8S+$ACya2 z1LE?ABoj=<-7BAeD6X5xL-@uQ`UQ8i?a*{s*UQt2h6-bbTqx5{=S^+Hm$eNN8`a+z zT`2&L7M#w;953(MVfz4&)tHQn*3VujV=(3)1#s#HF!#cq4`#iyQLt9@fG~>4Jo3FG zb)!Ss@Q@^WRP4XF&Q!SI<8Ui|hQE?tNGd3?-?yvfQ2iZt|H;x*b-~9H9dQkRC*7W) zI`(L6^T*r2-5bII{7Z{#a0-^A|6CkSoH+BXRlqV_o-6_FfB!>Q+k=DTvLmy`_fzwG zZ|esOR)uO+(+T>pf3;WkcV%J-(HGPuO7x?Uv=DI$RrjUtT=o9ftQ-%1>7Siw8=nM; z-+i6RFefkm1PVci!1L~}GJxXm+JtQj38+k%PL{{3v_NY`pxooM|JPSRd1B}nWEqbA zd>P*1S#dMA=u_HCQ`y&eV+Dp1RaOzC+QC}rJK@&H|LG}lC?iY|8jJK$hLu+b8i=Yv zi3Ax5N%uBs%PBMIrE`?a+2r$mUd+FKk^+l|W9YI(5rog;M(iyCTAu@WKVS29CMu&< zexy*)hMl>^3q~m3Ss?w}nL`msLb5SWs+DH~i`G!JCl;S4Y-fgU`$&nx!nswjWL(uu zukym9{Nc>kDAOfYtWXWDVy>cck0oXE(YyaVVb7NchP0`zI)=sBGjTzD=^JdkqdZ>eg{Zo(<7 zcrb3{X6kdBsL*1G_!Ad(@;rkD0q%{5evSaY7lC^RaQ+#)@Y2W@Lx2XM)upS?+kyEmv0XV2|CHr!iJ@Rb!%(X z(i7lVB;@X6U^UA0lrlJ7h`0^>f`qRIi_X<^gMaL5N_sJrRa}O6p+Cs+NPHh*ni&>> z4Abw-DTtk6n(a;!peqj+tcZA1nxC)-H&mSoIKMv1dkg{pzzs{}E)+DCk1BB18Xkj| z<|#zMsGcr>X5Tl-EK{Qc_e+pauqE&wB3WH-n5mkFf7h4i=*FJ9DWkf*uYz8E2dm#0 zh{PnWu`KV^JP+Lou`1Q8vA!Y@xj`bU9scewTel(p(;s4v^b>cW|ENWd#KQxj`MC-V ztgr|FnC3$PY|&MH;TKLHO}~|pqU(Ap@}=aiAeO>Fr7<ez17UnHa;}*bQ5Eakz6Iu_#}g_`$re~o7wo5pyR^gHmAM)ECog)9E?H&B zX`BE93+j;;IJFPFhy(5{5xdM__*!dR-8i`54y95x8=u4;K1ZiRC%iiF# zfVY4ShUqI0)xiH=0AVE^1n+#wc0GT8j0I#ostD)-|CwxH-*bUVemcvffmhUj7EsSu zU_U^HdC&OYb(}af1dPCQ#|dgM(*Cz16U+L6`;kCsp}Mv|`w95#5b8=qG{~j*_s2-k zy#vm#{l6CgE=W+nnq{@@zP~>v0r&I1SMv0~*G2CV0iFK;z(a=AxX`lP^{(Z`P=<8o zSL`5bl29D5@ErYMQ4ocLC58H*#ip-9FsNWWW15n2OJbmoLkG!Fv)O;%*oqhQWhLtM zK;3`;_i+aGH|7ANk70m4`M*bs-UScsI!A9L#$O);E0W5AN0MVySVf{=Q-G&J<*U zS0^O#R?~{Kn_EwkIMmLQctNy>4QWwe8e9Jo!4zkS+pz96pEUU+>|%mb6``OXVsG$! zQ`2ijTeqGZ4S!}L4SnKy4s0n_*UC;iVrv#oPbALY9jWz>gQuX$%S@mW`k=*{G?#1u zW>J9rOCR5%l*fK5(5C0cumjpmKNqUont=t)?OapP+~oD)5i#>525Wnw?}@KPU)ig%4(X%NQ%2sYd=)E-!42)o*;a>P|<5t{#* z>neMkfiVw@QP7WwPP-F>cX)TtH*|AOKhY?j%l_s?-D=ZXVdTxcLsyNK{E6@g`F_xe zcrknU@#UBJ&F@hlR*l0P8dO|NitqA~N?5(zl-TugPp*(WHB!@1pUjP~A$(ve;R63) z=aW^n=aVIFs;}Af%ka;b2hvbOzMp=`8>BKGRRFM&t~P|<jNhGeMG_6pop3g@js$x1NsLGo2I4SV=w?h-gpN#vD_pbW_v_TkfC zsN!U;E^wtZ-yCG^U2R;q8JmBUlbbZ?Onheq0ytS~*qgz`+cH&akx)mOo27B0F$yg& za*#ez!`vDS+^Y4BoqByGbg#L7Cct4IjNzGz{EOe_X7K$`Z~FlbJvt_Bk!Dl3hD4_v zaHxcIBmVx+ZbE?{yyspj?y?DvDA7Qyp7pz(j0&@8E%sNdr_ONSr#OY-KGHAU_MP(w z2r%GuYF9%fzizmjHk!tLY^j0(nPgY2$1U^vEv>#OeEU==zvBsfMf((4KCmM6|J~@= zA6s9#))=Z5NwK`s(Ggave}8}N*E<_WTy#G~Z04_0Y#=cq!TJebe3Q!d={3;&tt9^W z)|{vQfd{lLx>hl!U`SQ|Zv1n|cc|6-e^B?|>lb7OEYL;~C9wZpx`@%;z$*1KMMwPq zENM{VH8xxtVsul_paizwT!%)=Ch1trosX6vxDI88btzuy%Uyy%v#~&=$li^Ksi%Ne z_-d)M#693AyORWwg@grCdw zaFk)si2*eLTyqNXyCw9R@1Yy({SYM#Dr!&o#VfU&qtmW}-C!bzyCnytVT&|>(lAlE zr7u-(VFLSsScEg_uWCvGeC(7fUsFF;DEAs~BKJlAwsMR;_gGYt2773wlu35AQt3H} zhpzD?4W!-z`HMUdZpH3$2a{eDOX5CD32LVH#x);uobPt-A@8)O@g{v61Hd&lm`0Tr zdtquc*c#H*CXy=C=?jbHEV|MU^TJ_z&qvqjLpZw#@y0^SE^VXAQ0KehVy^ZAVZ>j0 zy=8<69B?}x7STIDoC=VNQOZ*kgNnkS_#BJrl&rz)j14=Wo}q?n&V-)1GMmk?;4V;=u3p(USNn3a4O1o(aEjE8 zCl|CD3I!$Zxv3 z^?i?Wc)Q-|Xa%^QKS7zvQz@p$3pKvS<9_1;rE~9=RBszMDtfg;wS=ImN3-8_+Xy|K z0LrCzU_JzxQSWwfleyQsq+IQ>j1^dwv-we5p)!L*Nox9WE#%qc16?6=x4zewWUkEm zeNS=OOjYN2)CCs+5;|>GHJ>37L!Y*YJDgh$R%eQV46%s%{%GK2T~vQ4o~v4t#y*$? znD96&;I{UQGb-2gwLko6p0ANRw+3bCay4spoQYcwE&{C(J-ASihDVFJ{w*jg9Ri-G z(>BE=s?%m>j4qI?X=x?psFh`zp{y*rrzK2(I8t*Ld7Yge%q0$`2lI08T|&=10MZph z3;kO#CZM3}Wu2IN2=v^8EXla{?%MM}R%taE!p=M`wJpS6yKLs`l*y2~s1rlfVJNnkRIjB>&BTeM%-L==x{vuw8d&`$iw zCedu>+%b?3kAu$Tt^06_g_#GSp3Yz1!amCezW?@WU^)?E3JKFrvcnVFhQ2AgQ zVAL*Rbh7n9oG|56=*2GM!JPG*&WSq!jphbWN!cZ9bD~b;m`-UNgLdcDy-FuOKn9Cl z_3n2BL$+a8WW7)>-RI3I5ReKp^lYE)t;=Yag|V5=t?XF#q@ONQJJfGqF}c}`*L9y- zW!j>1hIY@rwdzAb%T_DXKfSQypLM-Bwvr@Xk6oLvcLUWefa*9=uK6_q0l+!{InO3o zn-g^0>f2WU%Y1a}8zXzHsg@0CHzPkf;gL@F-s1Jn*3BT_uJaVkJo^P%vRFUxHo-~ z`{Fu%QP7vrJ~n+Z3H*I~>>$sz2|bA6@=e6fC3VuSFRMi;zt@^@&DpGo`~5I^oFVlj zKdcpGk~Csm7aimCotR+^5dw^|ao_>nepx!=!N9c{^8Bn67Z>=d&OkGN9{Q^**oL-D?YutyhZyHFrm)E2?D@1J2 z`#aL@NfDzA&AD!vq+M@F*E#I(0pTXgo`X!AfEjd_Iljo`XNckVdVQ@WCc+xinqHx@*$3eEcwR!7*4m%iG(5xlknJ*>Hfuhy8_e{~N;a z9bpG?d{m>XRQHGT_^aToi8rY{^G0rZPoj~KkRIz#+YIhX-ERU%X;hy}26+L6^$7hX zfci<}?Q3Za%TT3euvoNu+SsmUSu0Q~b8`pk0GA&qgJ0aVV~obUv5$*Ye+&kwRGZ5J zoI+~-Cf&~Xt-(IeQXy3lzZ+GW?UUECFmm4((x#kWw=L9_w2^iAH;AM&o)(?w$ExZ~ zQoV21!WdIUN0xt*sY>jf?J;RLXk$_)L!{SYoehg{KRMn9Tr%+AiXF-8t_6wa*R?I? z&y{m=OMsZgIiCj%O6*aEtVU}T5sSz((b*8?m;xd9LZq@yHrT%6`Udt*P|Nz($@g?3 z7O{^gjVe>zv>L0A%L!B-!dyh1yA!Rj39#LG;8&7*CZM_zdm<81kS$QdRF2i@ zeLOR}o#O=;_6lHMoT8ewSdq+HuYB1yw64SVIE{(S9(B1jeN{7;NVR`OK~Puonj)l7 zJ~S!UF9?^pNyaJ?|GI!7Io{J*wCP-{?nUT z5Jc<|BEFEseuUDHP5>x16yB`V-EN}6h?~CQwo|?kD>zx~fTh*7=S~su><)v{eCN9R ztj8dtIhHW!(uu7nTEmR<-pFqdO0H%}!{NzW<7U8B3FgV5eJDmm_vrh1<>A%~3x7eM zM~v*lbGli1tBhn!UUi2(G)GC&1aQX5-xhC9tELpbT=<(Ni{JkQdKRAPQU6o|is8M> zAl6JDGRq|jXUU^}Z~$ml?Cde!&H@wgtWJUhs{)lnrD3SB=v0Z2L!C;#Ew(Yr$Qj?r zbRy)6h|W#oL)!V!F5@3yK?{z^JQFNEOeOL^_;k>>~ZdXIvQHA z-@VPdz5D0UG#=;D^%kcl3QweQG>Pd4mh?l8O*U(7NxXFcMA{JO|9^ZCkOOn_Q0SFha_EUA$wVPez! zc?z)H6uPK0s7XDKacY_LrIg9h9YH8}l`{>_@maMA!;M8c@(VvDpB1KW-qwcwim;GRvZSOr`)bNJR zzzU*KglwLIT057%t#RPCOzsUodbHu(5-$f+)dxi@}5fp@gh%UA|usE_aK;i zk1B6q^;hU|C;!cGLOIlSV}VRbdkXnFR;dScP*TuUP3NL44H8zZ3yX3>t-|-R=a?pY zC_6GjUten#j7&|5O+j0?-0Rp266%1*Rnckexo7YXt`M(>04GkIU-2G8IH;t;a#T}) zl8)X`?PGm<>4js$` z9If#EiNHk?_$uhyPPkIHGc8&oJ9pXymnRC>`ZZ5zSeUg3>SwGsTfOk?9@U@z7O{WY zvs6&SpCxRqC5H!#1uT_lh?8Rboo;7! zi{3d8tHc!SII(DjH+=oSyjDlR627Nba!(r1Ga{od{q`v3cIOFc`)0fNvsa_9v+}Gt z!XyT`whJCka?*-C+nnV8{t1(o_S6*!QZi__!;+P=@&E-iIfbm)9fBtiW_bRn0UbW9 z#_xv25TA$H=XFObTgEusCvP*R;A?Hf1<)YEGD)@=jCmM)> zZj(rXZi{{kGR*W#x)Q~5qsFlNu!NP_MJ=ix`O@0{co=Yv5?-~qmITaYSP~VpNP7k@ z^8;6$E~%m5#BPI?wS%_ro7@9lhUFvTH0L~XR1k4n&O_1emsU$$OI=P5LA`s}jX{8t zRwKG<gXdg4yMlx|47eDI_#{up2Wv8eE2rKEbTy<311jieaJ*dvN1?(q zSG=Un7hBMFVu?tTy-a4 z9^)r==ZDx377mze^DF4D6wT4@@-Eo35ab{NMF$R$pVR5Z*gIB0i1@r?()_(WV83{fa=E?(E& zR~Q>qjAwa$O;Z@$9^Dz|a$&zhpplulm1y>Qpr^AlSE@FXS^kHeY%pKOm>X@n>@Bh- zQPPi6?(C0Y%o6?aiq{!7d6+e5wvB_-l|((`lPlXPrPvwLu=x!r6pIO4E74Jz@qx6p zS}ZX;AgpsM3L)K%=2+kk#NSjwe}-98v}!(&a84;-wng6-)L+`h>3C> zp&euoI4Sg$PveE2CBEax97%Rs!{xuo;nc`$5?0WAnC+zSn2tT|s!e=ylpyb$Qq~9c z_r#9jfedZZ4?PEVvCEgwR427+w;;lJ%o}}+_u?ELI)Qz%wP-Pqu-ht1C~Lu*52MkA z#;07=EV!M*QE!|{P;~UM>J(j_V9H2&V8RQB{&j`h=eWEd%GtS5CXs^m zj|ZLu*lj)8+1&4RR{k>7`dEkhfjB|VVAy$m^pzth)Le6WMZ?J_o$S2?rb8C(Bo>3x zB}e;YhhJnR`6G*qyT|#-{k!PlwtOMAJ!-q!C?nenQk@s#`&>8S{+i;?YAc2BB`zm* zQM)^d2nv!=O2uOt>9+P8JQ6UKAd{8Ef0Pc(&VQQnxOnF0W_x7*_qjZFZw(O^Yk%3R z@!9LDpO@xxTV2%bR_!Aq4_RBXF*w$7$29Oi9nJO1t`LZ~t!M6UNYn_UwRAy`W+FWk zpjf>C6l|B32_s21o<3z>mJ^>QL0`@yU~c0^R`;f;nWZl|BbouCo@L6q@`%nEMZfq>WD2CoWUY zhaU>2ST7G{?JM{z-g<;In5l z0>#@+R0SG1&`YtWrrYb7k4%GqEgD@sIlMGwAtY01jWd)yLYN`K4n-M1ZyyxMa5>u< z$$ej4kerBZx&{@I=4YE;M;sNzTL*pM%{gW3>UzJNJcrHIZ}+^UoMUy^k-yebwtf&5 zj`*cJf}$~g!I*V_O5I4k%J4=)bpCLyP7p>Ax-rXF+2WkdNz1HF3S?NiBvMM1c$^F~ z`r#|{Af%pG0?JQlKGt{>EYf|pN zWwY~c5+vqtGAONy+n$2bT=K{a4<#`3-*rOv7?EhXHwEN9th+0AKtaK*H@7w)z z=M_p27N($;{PXWWjoJzacYU*9{{rQ%asU1=F+WUX`<08I_uq|_jRAMvKCDzQ`aiuo zN7SVXpnJUO9*097JOzFg9}g+*C!c+G#J+ z!K?uBNf}@tUa~;tups<;LE1mAqHPA<=%Mx}4^asWfoP;(RPc906wy2%>6I*hELKp zh=ebH1TgG?5bUr?cLC7ntD3#wXLIDzUE;q8`p$qtV~pf`a5f?EVc_f#4t)AOsttHP zOoO^~Sa?>Xmu^D@k9c>44d_%00@`~)nBO+0PZZMH#?SFqm zuSu4aN%HPq7;08X;6KQIH{y9&cYM80XE5$}I`xcT!blpa4sU-1(FyMEbU#{AB+%OM z-!F``Y`Of!^UyD}d$r3 zdD?*>hzWHYaKDYrb!y0G9I-S^Z+9D={@Nz*!0Pg*9^SgqQtt8U=b%W`E| z)*#~jutiY!u1)CDW#Vii%TB^%wl=ClBQ>f*G661yj-dqe2Ska&Z>rtSMRtB5D>kFL%08JR^H;@$GcG}^{c#g^(7MU8aEWWesym-OA97)r8N)6iw*qlXq8!@QfG$vD$E@;e31{79a0 zh8>q#QD@t}a*hO4Gxh0a6FM{Q!nuCsy_w-!d)2Q$wlQ#$2@w?U!Bo)HWW{s}aE1@n zFTM0tYajK^@I~E_sk5ft@OrW2nTfzElKSi-RqIj{f3fPb10n8ySwsp%OOG*;%Vo!w zd$WX*nv|F%m<~)UJQ&WhVS;vX7T$g(=4%Cz8PRin5=^a!%UczccQQ%hXTL~=uAdN2 z#4&NAPo-1U*=fXja%v{`tba}6o_=#qnaz)AtUS^Z`iI=DgX zzWI7EjjCE-(gQ{?hj=lU1m$@bUAMI8VJl8aay2!Px_$X_(8V)6!OnCt1pkG0&HbTu zdm8Q9b3u;3_7+)8u*l;(;Fr-S4ObU%ApgC?+=Dar275-~oY)pv%Kp2zr3QlE^&&(R z{MqUL*-XZeJSQsTG5&nr8v}Z@Zj$@W`6*b2<4@0KOc=O9tp}MqPVt{#C_aGUyypx| zMR!3)^|eH&a|YBs3oRBKE7#&pW`LkTACwl2zCPoqHbTb$RXrGlF>Fsj2cMq+6^Cm1 z0NPT&Tlf(mc;W~o{M|$d9Yzj2JUgjy;8$=&WoJhSkp+M&|{hO{5RbX1krdStJ(m3SOFHv5pZ&KOZ_Gm)QeODoRkVRD=j0BR(&qr1k49J z(mylFnTf`t*J#oH;{{MQg--GV8UTzv^#rBiIlf;@_b-7nXaOJuSArCKOcf;;Y#Mh> z`hf6=kZVjh!CEu1gOHqiw|um|1$y@I zEPdV1V;ph+9{}sIfQm&Oq>n)3)|9Z8G0S!y5%JBjginJL&bAW|HAzk^l=qm-~bjp@FJg>CjmQ;uTpzIA9uz!@U}*@WT!p z^jsUNj4{daQGD=wPKAoUt+_5LOId%-_f?^etx|Z=ywZA*e!}MSK;_DNLeqnR-2#P6 z?*g6K2c}=x3LBWFHIY_h#+HL#_ZSxH-Oy4blW4 zt4JxMikO6o2ouuvxfwovp?&z+^lnTbda7tSwX@AxwpLdHjY27~mtac%`Ap<1h*_ZX zIR^u_^9}plGslD0G-I2-B9qwz=c`(JD>=%TP*tRP;Jj!I&Z!5M@=iP#8|e~V2Tj>M zjKO_xiUF?w@d%u!I~mRx3UfESR!Cn0Q`Shs>!Tqw=o5hs$rql;Xp3{on+>Y%Dl+~* zzIonnNP8Mx{}fd7=YfEaJmw9NZ*k2Uo`wUMBi{s!`eGP+-t%#_2|$}B0GnW5n_B?@ z;-a|d0V;b`Ar~g@-^+&Q3u4QjpurjEWdlW9u}muCngFQ5sj`L{D?lgDB-8z^rOSXx zu!iLa1#$9~2TCTa;($?L0&w2m1VU8v!yhD%!E1r+VuZfuu=*jC0M2sOHn7T!QqF4- zmnZ!*ML&LP(!QbM%WLBd5Rh|$Rz(k=%J7~<+HH=sC#3WU8e4v_0e71L;$JM_*B30Q zT9I5Ti~-aGq2ZFZx8(82;8gXS62ZuJEL(!Rr;P>+fL!KlQ0#;bNPq+(445fSR^99m z`5*ekD`H&&hgBJ#1EHS7r%ZxTEji~tcM}yzx!e!~UCwr)LTsSeU8G6COL~;%0#y>Y zS9en+d|FD>h-^**RaCX`;S^wf8UXuc4(|!5!D@h7 zlLG%hQT}4NUQ-q_s3qtvM}bo)lSugCf%9Yw@Y!#5Ry*b_H{7QEdZYZsGYGFexhg*=8N}7_?ter{KxCK+SEz>Ut{1 zs$Bw{V;4v-$YV6anLfnPFhsU%>LNgIAe#<%tas=~8tgZz#7oO#vvZAU*oLD5Nwt1l8)U*P-9QGqOl9t5nl0gCb_&O!KH8B&@-@ z&}hR`3gQEa$amL$A_mcZ8o}hSr#br1_yuoC45VaYcsqj70eK%5 zPf4G|5 z@cXUbgX@t3Y2lnuHyU&dJV6g_$svOMchR%P`1Xhu2e;+_@gg#lSKoBFpOWa~q zLZ0l#zLFO4)eH$iu%l=9RNo5q4M{Sm5i|s;#wUc?fYd7qSUwT!^++F<8ME`ES_O-1D5!+AXy0RVo(j_yox<6GLgUpvY_#gA7&X z4D|hAL6$&(Tq04WJ*{4$8_BqohK58o^(uAqpNPvKQ$Q~awZ`f#Co*ghi7X0X>BXlc z3w)!H;5clR62Syz`=9C(v(hvUWl?qZz!A7)IQ9glHN zL)iH$IQefLr*Igy7o85lTpOtbBe=?5sRAsm6eGu%4?(ZQDnvr-?ryT+Zs!P!&b}@? zr2CnHRC_h*4t2)9N~WKKk=OFsz;J|Mz-0~GGzZ(8?It_$g$#~#X3%JAN^LQ(ft?}1wH2&RjpSCt~fhBooZA84i??;!(GPsxI&WBL6v6{ySL-0y1Zwwombd|6-LlgFWELSfmWV;DVC*&SIH(=|Nd&C0XqY+|G zVQ&8evC4LIWwcq{hE1=n@4*V4;v^6vMQVpMr=Bn+wG2V?5U>X~9r*1kMi3ZjoI ztuXW;!rMf=s|m1OM;&RuJ4NH~L@W<}4rX#6|L>&ss2Hx_Jri0)h;P!3goaDMYXPSw z(kNvw0=j*P&n-Pb$PFIcUCJ-zzIvtN_jtHay;78*1dMtX)<0E+MsxDjlmdrv5%Q?8 zQb?-u?;B4TyXH<7!hLdtaE>O@q(dA7uT8`8M;WVU1DG0B*Q`f ztPlVzAKM;jg$E=ZA(e#<37=9Rl>$N2ejlOk&{IxI8RsH~LQtXu+TJyMu;QKj#3Ku& z9>6)~n(%NBd;&>f3`7=BX2#?VxAl5OLe)#n-|M0ObB|J0Ec(ZSsg;O7=P=FqL9zt0cXd>305GnMf%pwYN(kKrA5C<>nykR$Rn*TV$7AYEBc0ph% zD9&^dfkp6p!xjgttCG_!m2CqC_|d{1$B8%Og!~rp2?_uw5mzZBt?Sri zI^6p{(-OL@3bb&xWzTM*cVt&z!?nFeXSJ)H6jM9X)ETAKs%gfr?Jl=zmp6GhoYI%V zeG7c8r$|G1!cX4In}T%2xaqv#!Zb=rx#R)1DlzFi>!hX*C{YErvQNFeKMP{o<>jx; zZdZBCm;M6q_0%XCIt&@{4#nDo5yVN_ZaMggbhHnl?*i`S7WAHdA(b^T~r3FIJx-v zCj;WO{DJZRDaV^BHLLa~W__`Y--ixQXsYJz6Qtr z*^$EH6HvGNI*^dLR7bL3TL7DlD1{Na(yr$>giC;^$$s6m2kZ%&*2HNFb)ktJrVP(8 z;JkhxJO_?1W?i8q)a%=j>v7<__ZI3)69VAi>m6Vj(jyu}w-mt8_!Z=YV;SXkJ5$4B zDn%6&>TGsfigmzB#YL^fNn9nTlmi%6XeUGcde}@RXfY6eKv!I1~!I=@o3L(`$?!CtTON+c)I8rSMZ zGdz*xmt`&%_r3Q4bl54Evx_%u9O5;7@qOvoiH`&i>Vnz%Bz+@Hg!VMx$lNGJ!*EM@Y0xMh#8_?4tfa^(} z=;WixMeAO=BfSU=hjAs9*ZAhu?_6#`zgI@98KQ?lnUn}*6WyIP16<260_y=7EYTN^g4hyn)E zNOz}nmvnbY2-2l=NF&mn8#diaBS@h~1vO2PX}aurB1d$_+^+uerW> zt}}3~XCHd)`|;|iOlTHhA!z=0=d4IYj{5Q$Aq(O5EXMr#;$yBySQ54|Ehwzk<40J5 z!RIa5G}hBKwv8<84|<7Srd2+4q;Rs=n}}JHR0UED9!D0B&P+F-Ky1x&a0p?3F6PYk za9ng6SYJa2xUl|v{CtM0g}h(E!NC|D^2&tUo#FYFd13NTP14`Gqm>RTMlr8y!z*P< zcWo?D0z|0LX~CEgl(il1JV-EneukZv#LO1s%n~!#DDRkV5;1muLRk4+(i8^1~K}iS3w)gCC z(qZQidC{s)lB-=Lk_)ivP6Bd1{jrovOc%xY>6$wq1H%iex4Qsw83zjYq;yIlq4mO? z#=4RoV|1{2S|VpM;&fCKra2T5S@H56nK*Nn{Q%I}hll(!}Q|Bu$m&eiJho847uM-*25FGph5foG~VQEMFnD zIAK7Fh1&y%!DL_NC0NAG6;c^q?tcHAUl)vVD)e7LU4p=ipZ^gZT5^1Q?A2^~)(Q5P z4`2>WfHE*dQgtdCj+$~cfSa9?B(OCBr5twDmfhP?Cc%OKF0=)s@UboOJ<#bb z7N^U8={(bB?9L{I3fH(=U`F1Xl>HocfEU6ZQoW1*F4{59a#5rQul;tCck)w@({Uj9Ab z-Bj*5F}xy(Z;gnoAB99oUhFI9UCgX`a%7n`@2E&hn~rrM7Nv)`@L3?bsx3hPZ5Kp3!#w2HXcxU z$PqV*~3vaMdu zkt|sihOY@te9k4jlv*QMYU4?bfw%^>pDSrFUn}ZtU(K3qo2ZMPcPjE0FXf&p>L$t9 zvpM#1k7s6vMR#CE$MP&zTmxy~w+frP*#_G{9#uSPj`C`?akd*~+PjwJg_?NjbN<%x`{vgX+NLvWw2sm!76~q!CmdqPq5TDQi03 zN3SG|#WR1L{jmLPg2A-QUGzjY2d6Qq=vCIdK>8H6mfnwo62u^GP%cX{tKb!q57{1Y zL;qqYI{lqT`7(LTNIvx7Z2RFCsbUktb1+`LL7PrbO(K}2evMbFg3=gdcQq&LqEi)B zcUguJHCW~Vow*lB3T3&}xFXkPcGK2!R-F`1>SBwDF00?6kP!%-sFkwYq>F5I$LXsL zV`!F1BfM0G-RlfS#O7>LlWve?rX=~O>FaAs{UxDWcc@g3Z5sh$*@j?Y*AIo=L|qF> zDDR-@Xjp-J7K^`e5dK-LwFH}p<{Wh0{H2%+gjQ$BFBhCabIl#Bf?ToBdHI%9`P8u+ z!23w6jF$*$CdXlWF-YU$^J}VAZOzz;@_R=)Zw+jXcf92wZg}d$Z|5p+z1%}-hnNS?>okz%G1zenHS*#{WVnR_ykqX|f?T1MKTF1@W`` zd=Rx1F!_$(xY}!Ycw4`O&`ZoC^=fv?E(CwNY&SbGS9|*W-iPZQq(VKfP9P55 z5>_7N3Y>bE*2B0{w?ce&9&sBGoR%gXQ zxm6xPPurLu#P$SuA&*c1d@J$g_>+RhRt&kHdLwk!#%}emBROp1_OhPnJ9JXTea1WI z5<7YC zP&t}LoLyMFr4KM^-zzE0+_N37v%)?LC|Ag5cyB0^o^!dIo&W1U&um=IruZS6#T@lI z`!z3_c9+TVg?BUfBQH8R&TuH}O0(u@Kp^6y^G>rwzWXPHz$NyA6>hEa@*34W-FZyM zeVljXG*-{u;%%6aI7{s_`|Auvo*#%$jRLVf=fFAUNmnJY5bK`QkuG3~Ho;NnWP`s3 z7?1N`O#@t6LGI@5LFsqPOkEt@!4uLgT(4=qRJKtKS3LCdAO)M>cYWqOHD;+GU8{oh zk`y-g2H@D^8NXiOLu=@{CsC7YfHFE0_<(ETlj|o3W0gonUZ+;0)T4RCWlA)IL)1yT zBe-R-1wKOFAqu_9?*)a6t+CKFNA=t&iv@)wldsya@R&h=i8J2PJQ`47f}3YsV81Xs z%U~J|$^iL09!NYwpDqV2GM2g5PXL<}_&vU4jAw*)792$4F^Ew?Od|A=poUDKZgi#{ z94DCZM!q)-xq!0YV=^P{!!#P?;ogcje^Ub-jA{1fsd&K5Cdq<~B-gOyPge zABwj?v?yGHvEgHf#T?-OREsInRgpX!IHFN1E(nC2@~jX&M(wU~1T4(CQ(vht)s*vM z%z-vOFaK4C^D{d8&HzA8NtCLcxYzoScNR9D+eOqA0)y-;0d86R2Y76h4r%6#ShXEq zu&`|qD_Q_8X}Dg{#+N5%c7yspk+rqxAr?Su5(#hcB5?t^A%P|_T{~B6KVO>TV+2{Z z!zNB&nvdbvCGEu5dIerWOUmy`5X&>;Vi7 zPdk{dAlavDP<(i=rH9lc$7BBN$}NnkCK!&b)-`Fj7A?I) z($_^H)XtQKUdNeD(Ix|@5?_?0SnyQ$F0hd7^Bga5lyhlaS#Prb*wXRbPPB7%u0LoE;^Z`RqDf_T2Qdrty!w z8O|R{ofai&3G@*^gi9KjR%V4e+pakCIYhcYvaoVVTvXYR1pq*HEQ&2-2iC*-H1T2TPC$?J-rKl> z+)=q#&WQqPF4EA9FeMC&aLS}x$&t$BE!jh}6!T2?r_z>)^c4>@jbXAmdV=Qf6s(D3 z32s`bXN{IMUSFNpOj*6-T=(S8UOj&eoP4KM<(QVv5p5k&yu_H<@&dAj~8 zg%Dl&{lo2T$jd|eCw9qqcOmzzWW>Q%wQo7X~FWMZulci}5ihb)agvIC4$ zYbL*4np8Dk&gJ*Rt<}tWDrD5mr&eVQr+kF2Mrour5}CT3*XlcvfO5@_9i;I87cTS_ zu|==loI`h6x|I|9b|jMEn1SA_iAGYV7(%jtJ>{Q^Gryu7ZccT2^FQO{x0u$jZp>dQ zA?`AEcaJ6b-`&8qtR%=5AxVjS#qSf&t1V}{_!!^&R$DjtI@7WvZZYYk6UY9q#{f`ModJM} zR!xra1b@*dm_S2kBUWqjmnJS#7s5a{(sE{gF-HGkTLAtT4FnOGEmYS3A#?sAzei;O zvZ=d6xb%mfGma{P)KoS7_wFcWv$+Ya{zt{ zQYUx->ql+^o|l;lX?&a%4{rW?vT_;#6W<*)t5_lTxFRrNXkC~Z#Pb;A0@T>*H)A zP9f<=We?nMUD}CUb93p&MJwlIh?lxDJON%h^BX;P%n+3?K?BI~FW6g!At9d_t~HeqKa4|90<{{q<0JDC=77Tc z4_qG6Z-R~U1%(}TvHgN6R= zv?tHo_mNlx2pST@X5)Mf`92W=^&BHuq0z8HX9MLz&baM{j$P)hQ+T~$^Qm8{FIn{LeMkANC^S7?jk^crZ9+v?P98`f#6pRF>h2e_+83Ti1c+& z=HB)j*DS}TUD(177Fb*kDRxE|n6mrOl6U^6zgt3srCEtrfV5NhDhMadV~Aa&u^3Uw z300sw6jhK(Y9xzJ6;V49tt*q3r-E3AAu_EYrfkL|@yu9$lO}Bgj+bpeU1kpYR$Ks= zHUHcNg6A=n3Dln6%jQZJ`oP*cdX^|uIJU!j^iCY%P&C0!YxxBXlD1vOu16gPX{{qzhMK|vnSc_BBo+>YH7 zBofk4>soe5+uqSZyz4^}{#iv2oA4%1Q%!|gB>G!^vZSQuTq!xV*lHpUbEs#Tki_R#F=ikE4+BjqVT`5)hjxdn1g_kafp;{XZ(+ramN*knoCSuA_8VG~}e7ysOrz zHi>ME?Vi+Y;;W)telvuG4YB7PioQa${J3JhcQtWthoQox?jYo0W%WzAc{xRqNk!2QZ9ef%8sUn=I`k)Bo$AmLX=sbF+@^-+O~!C>03ZD?YsOheRiT ze9J-z9Ho2P(;5EU*&rE!HuxO-l{M}Eh_qkd^83#N9ByMK^VpWI1^w}pMKTRg-j|Mt zs=Yv7q}bh0X7O?=E8W_sqCiE^5GD2e`Q5!VbXo#*&PUIbxiXJ@!tt;r--UZT|=c!l)RuacyHQ!C4Sn zgx6j^j$qyQC$cCnkwoZxNL+T&-&l{oAqpc?W&sa5awsUGL3|qk_CV(u8d=^9WXfxq zAUU&p_w2zC=tLY6_GYcu?sN^S6#aD3-pTqvOu(W_02@pRM@+EKZu5USVt6BR7UoR* zC@0JhaoUO^dh3Z)O}W)O+@(N~5{!;9p{l@9tIHx>pwe&$J0HVNx^lJ|dGrp6LvyVe zJ#$i^hyjAXx|s4?xLcS zD(`{TV*7;Ak|M4rg4WK?dC(Iha~vx1l(Ej?7USNb3 z@0=@b{naWHFu#+r@A>`pBiB>GQ@y_VSUvoAt4N_pu~-}V&%hV-h4MFu)IGmad-YeV zbU-JVwTY4b^&`(fYOePGkGek7*-HzI1Jbxpv0=>dc+x=c@V}sTJsk8!+U(1>)2x1% z+&hym$yI?00C{&WN7fFj?e(W?OspT4}t_N%L;A3?Sy)Ip)9J3TllO6WR#jZHlG*G(@XgM@jJj1zGAKpxZK>RaHBa_ z_-M!VEX~w*LBm5k42KCngUno$%Fn-7+0fIqQvYRp_wiLL%e%^KEc}0s1PemH1P|wm z;p6E6E`w^R1-9?SZz%^dD}Q!3y1UG6u}m|4nJenLt7`GD7nv!5=-n`D<+6N5p!+Vd z$Bg0OU{@biStYH+Ub)Z;lkLSYGa!36eHQhXHw z_l%=2WB?5RWADrCLzX6qHb4_ULy)UM!mqCDeamR&9{&AE-4V;wBlOQpZy+2ghOqz4kzQ3j+juRzz*24rX5n+e89@c>a$;mgIYgu!bZW>+uBn`BQ!<+JE7FD53Yn zT~OkW%b-7lMO1~Q*B=ZN2|{6e=dgJj=jbnq&j0QPE<=}IN0Mo}$yY5!`mT~^r6FTJ z#fnG*2$B9=yL^!;j{A7QA=kxDdN48?|_A}RTmm{7=rUU+JNKBF`x*h{?wP)?}2g|iu@p*89LOufU+B3e;hcj zfYjWBExKt=S5Q42BnppKN}%8Qy`)=kfgPmxP5QkjnGPtR_99CSRE-8AE#t*NZdh*( zkh@NTECN$dC!!pZhk#37_*`xnZuN41JG9IrECoI}Tp&{m($m|lj}!@Q0fo6aFg)|U z+;;s~1x$_d7N-aNureUM2E$DvewX(UygR0A&6M$>i=66l@Q_AWC9R|}C#X(44J;F& z4zB{{R}v^RCyM8qFL!|R zjJy#<7Ps5mAu>>HgP$1%2FQmFx+Ecm>#IwO0`dIZPS@{}W7%yuPkS;NzT#Vp+r_g} zoC5t3S~c($DzMM7#M?{2F9!qRl&wJ}FPI0D_(UXG;TtK%LXsr&*^HL3Ywl8$+G2XH>y z4ttBPzCbP3pnSQUw_pmU888I5$e7zvzC-CHMFpP{uObPK_u3HP#l{Hp9^e5=SGv$I|(Q!Tq>Cw9W*)Du$0#$%a zv;T_sAk7#m>%+~d(efYZzyTbXsdX__0bNlqEI*bUAl>{B5#<#_?71uI_>EF6^d$A$ z#aFIbC$&_-`N;AhjRM`FLG1acA-mP@1+-eymp821MXKl_qAVrpZ3$G(N|}@GS+8>V zEQcf@zt|c8!{11e1awKWz&Iise)l_ol6qkcXWbS~4l8M{eXlzIV?_kYNIA*!@vaQ& z$?<-Laat#mWDx=k%NB^S=+;05sOx0*f@+Yk@d;q^b`79#tir)e?!Xp!3&)TnQ9)8R zV>`Qyy;+TSWM)h5d&Okd&r;o%AHS5@-L_OTi?%MU`^x9E z`u$;s_nGDS`L}E0?9Es?=Eo70eC(31fSKOHE)ZxBz&l@h61u=G-_dOY@3hC}^H%f+ zqDVwo*_WD*@|+op2TB^Kbj3iBe_%wGCHdO<+oHUrqYNj~3qTSacYS2PjoP^hWNEDC z&6~mkHejH5zdr+F_&w*V;f$-rm4tO~3q%b#75y+US;Jf*E8q;h2FcW>1!*oRYg71n zV~wrYn%bWug|FO%$JvF*`XiSati0dBDb^?5M_mkM@5f56&+#)~K?w*c z>$!Cu^##zvws6{((q8|GTEjR>=HtNU#9)k~K z36HO{_?*h!4F@VTvh;wZ#+>}tJQADgQB8Z@lc5Y^A`;<)9(H@ag5tIxZJQR%d9Oku z;QIu;ffQ%JC2O&%uCS&+Fj*v3H=GkffIB#nxM)F7yMxPbD_PXN|C~^?(&u`mcKh0{c`QPo$eJ$0Qyx<`to|1X1@mG;ia)~d+<%1DZ>evYmoR_W zHs_kQDv%OXZGC z!t#QOC&1CjS^S1qmXKXdbEp|Ix9}~Ln`niv5c+J`9CBP@*rg(7f|c(^8OOH)Q6jVV zniGW^-6`e6!=bmhnwN^gmxqvWLsd7Ibd72}qN8<%2UGjHG9$f=fGVVHMY5QDRO@4! z%T#Aj!(a!`!!2oERbtiMmhRe?v=gl|d8!1iz!ePc^|dsVz_2 z@4$;{nW42r4h3Q=qLRk_E+IYH6TsGPEVQ!IzES;|>x<-~I+qYdU=(p+@2L5lN~tUR z>D#vUy1}wS06Pjb5we8HMLU_Q{HT8e=cK#Ntt_lH-Z{qs@$g+4WMzQQe| z)~UDV7}#C>Si1Q%kd5GetP?T@(B<&m9)>#rVM!tPyL)TZ%sGkU(H(HrqGv z7^z8TOZ4weB(&ctnZaf3Wy?A@9WH+E9fP3btBS6x>c&zhM+F*Gy2}Ps-}B~;jy72K z)#X>s_mi=wu$=Q`#mo1CAuMBZSDJy0#`m44(Q5fXS+*Z*At)yE@;>E(ChV*1B9`QG zh3I0qMC6;;1D!8tFgBwH?j25CJa#cUrD}>^I5O#wvunn!4JUg%b`zHpD zdTIWv!@&{qv{Y>Oa6WowTX!sSr(!vNOT(~WY5tkrPo0dkLAo1_Qq}YL*0jyIwT*Vx zX2M5pt67zh^d&I9kMnDFQ>cRBPh?Cq-_})~Sqe&5-wNr;s2+(>yIQDLHN{}8dfF@M zl5>>UT@>B#EBq^bS006EkF#SHH{>1?1iRCF!cua?Qk-SQSc8p4q(1_=2x&e5y{n#Q zvO4Mfr#mi-O&YO1G;oaNHcO@_y+7h8SEd7LH=*=fFid2v_c{8g3f%8l3V; zVP8$8+S@zJ;oG>f6e!+wDx5F6FY4HnSh&x!o!E~fEK)=ASXKx2E@~n zE&?oky0;HxI%ov-Y0W*{XqEPxj-Ot}?9u(L;}@&QM?^Cld^6QzNlL0K<8MuuX*;phxQw? zbLjyACbOx^-A3_9*IZILI9|=S`cs(qw7O5I5sQRUWMM8^7rh91yAVDdYM%uMed(ZT z1W)&#dQApg5(tC9p-K581izfjsW~EZNQ6WynVa|AbIUAY>CF}Gp9v>;pM+FR0EtE8hk@_zn&~D>yj;oO*WH!j zl1h2nvN0Vs+oo_M%$?UN(j{`dAH{QuRNo&NiBR{kEhNYk3p8^D8dI@9jktr;Z4kQk z{d0gIj$rCpGMQ4P45m8lw%p<-f|>cd5{f7w^Z!33(nM&(CyqD-&Bs1av3_;*2K=rALIo8(9TJn&pj{ZO%}zXMwvz<7D9b}j@L3AHT-3`n=0t> z8EdBbDwN5qrpVjIA5Zr+oQoBCysJjzbSYl?M2!O0R{ro*27M$Y7z5_RUsgir=%`@^ zOOk`1{J@Gcr(4jaP@movB`Zf}ybQVc9pOz;f9Jct{~6ov4hAT{t%bN~@a@Rc-DlfW z&}<%_*=ku$o&EHuz)$uo+ zb76Nea=nnF?>;9U+*P=4CODAkG)s?pZ0|B+&hvXW0!NsZ5S7(r8l`T=h5gaJ1@bxx&6l!FTfW(h3vf34Xr4}abA6!wSf0a z^;eGRj-Hj;=NN??xW+*dmAuk z*_?icnRXL!vyEy0(!7j=dVEWFw35NXBe8142=NnfBiWo4Oz4gIHY=0#-`HRrYxl}e zM59gijj!9CPqt=glV^$Y_&nNeTH~Z@a9CM{>%pYAvn;?>EA3S(RzeP`BmZ#!jp4%q_prS%cwZz6kkov<9B5`6IC_M$bEJ;i#DJe zI+ZP8UCKH-c+Z@Ubt7cVD&B#*P4YC<4=V`5JiaxUz;ZKr9%dSZ#EZSO%{&pzea2J38k1UvUl;R@M{iG;VlX1veTkye zus{5#oPQ+LT8fLB`*J;f5kv6f54`)P(d3(w8<%u_ z_b1D=@aGSIh?7vYAO-84VgS5sgbP4=Q_UZSz!OPq`z&QT>4UTQ)H zrWYc;Xd;G%u&1yO^o$JE!U!e6nkO)ONYEGsuQ< zbYYXFFc$f~5IC$R!v_vh-#k|^p_D*UT+oAhCRPlM&bAssQ@_`ECUoRTtCpI&_52NM zORNy~onB=e&KBBsrTxQc^_Y+4*KNJ$H3NVFoLs?w0# ze@6l6h$aqnZSvWJjmuatBP0-a82QB zJn>WNrbNZwCJ*K>9NU}f6U~&NPC3-Ie?as%5WuyS9XbEP!=WqiK$yfHjrMT6R{u2)oUmeE>#?7)o39!RIevRK5rLVWL@QL8N z%89Hk1VC1>e+)Z;5<>pCY(4ciqJN~2$7P+Np|e@xR#00*;&rC+%hl_T`vIOU_Dodu zMd1tjYMt}quK5>d&SBQ)BLoWzUO*@EuLn~{k30lyf|puR@07U)4pMQIjo$RD43g*U z%`gHINK5fYpN-JmT)RE=(4X??4cgZl7i5r*%x#btR5J1|tZZp!$EOAmEXG?S$tiz) z2mBd9PTC}L<|lsUe|RU?1qFQT>3a*Kf~^lmdK*%P1lB$c8>2sy|8buAr_Gto{~=KR z`z4Lp2(2xnkF$2wwaep|=L-D$T{NsR5h4Ha;rR6m{HAC~ht<|@4k7tVD@8Z^j&S+m z#Kh@ojNsD;>9h5uyIYIFb7#d$Y@-yk-j|H8+g>IbjNoj{jOkYQ6ghrfsrYw`)rD@Z z-Owd|VxY9tBk710uvR4du`Q*0LV?C62vzy?L**jIvIb5<199SkozJ8l-mzjQF2$`s z`%EO$15}yb>$&6>S1F!*s;%BhppNszj-{D@lDT%l^p($i5?S!SNFGvUB*aDNX^#a< z0#efojX!r~_rTF`1I8y%Azi3@+4Dq=oZsbNRIQ&C%>WodW6$>#^PRD( z1>Q8K&-dg{?O5$CvB>H$3cc$4YoJ1au&;TFRikx0-oIHN5ll#KVEoDC-!zX%CO#zV zThPzx`D@UpBm)K%^A`2r?Cz*E;H>d?@J;`6@Ed3a6D{=->*Qa|dZ8r1ct_pFY5!6n z`cVTuc%s#}^KWXM6AFL7Hb}z$)fFK18}fUgz9auPxBfOpWW)IG<<;voE}K@G;|u;c zn;Beo+v6FMFy6FZ_7ne|Bq9lDs}rRWOw%P*w)MJ7({{5v$duV{R3`%P_&J z5K2d~`n^~D?o2;8BFB{5k;?SMvh`sX>`m|#S+tf;e70Lh+Y{Tl#%ole8Ve&XizcC( zgEyBpqoxg0#%a@lY?XgioYwC5uX*=rGs*qH=4;Q+=B)kjW>%7LB{bJQ6IYma<8Upu zZmB%l_%7O61nk+I&WCqGq_C0<8gni$Yj4)b?vy(F2L9KW|r=oPC?Pf?3*{kPYlH30NP?n7yoXm8S(X40mcMfwos$`pkz z4$X@P!0+IXr99Ic1-cTAvWWXNYfbeNz-9j2oQ?zG7wp0RTtR-_UIZ+Seq)AGR!Klf zXx}mdvyWIh!ut10OG=6$bNLMJ7#cFd48(oLFKu$HtljVbzp$cl&RB6A6MyP5M1Y(^ zxG>}VTV|!UFl`~-pFINo7(_76{Sg069D`N`gZcH9cH*z!bi+>sY&Fr(ejBa)G4-H9 z{^<6vxa!XiL<9Pne;kbdT#ZS=9D4NIv-4lO3j(-{i2v_(Xaw;e29#3;m;N8qG7Ck7 zlGKBFJ)r#sCZ51zvKp$F042d&gIXRX_3Lks3xqE_flikg_W~GcSA*gX?d?WVYq&Zl z=o?ej@0gknhahbJDM&04bIPfK1g(&-(wz6X?JMB*v;}yg8q*~Gv9qHMbAlI*6<+(D zG~oKONx+2-6keomuNQ$;Jrl@Lyv40al;c^@GGFf9}WE=*7yJ^6rp<{AHX?Q^{V{+-5Qs7?U^ zFjXP~rpfj{FJ^#^u9z<)^Gt;F@d&rJq(4xZ5BL00WdM$ff)>reZlDILH*A zuJ!>4%}k2OIUaH-cj^Ub%r^#6RTC&@?cNfkjlI`fNj{|Sxz}b80_D;JUopF1z5`gP z?EM16NlJGWEB2wJS-@&q^$Q$?n}a$S=eVg7qj?`88zPXmQUfv{CX@7Y!ercmxOo#? zTn(C^Ga27zH(T$%WN2#&#IDV5fG=#k1T?1N>5Vu>Zjcc7YdV@yeZR^wlkRUSgA(Cm zfp-~@QOU#Ds2sZF-haMBAbt&OaI*ndJIy+eOUN+Eh;uUxTe0&fv zHJigcRBRN@s<-BRt}hFL(P{Hcj$}k=*qWq#4s`MlB6<1groCGQzoOBhJCA9_gxWhU zFJK_#nU>~|tcrA^LWU6q#+MLPBQGlO0(LNztftzcfLaFjf&uLJ5>`n!D8hQ*zIC)m zR;RuRODqLh2Xps_=-8X10Uw?~LL>mrwHLuz@}hudN~=X+%ZPVc9r&DD{3aMUOnic8 zTS7&TNbEgjOt|RO zbYbg|KY{&Y)6#Q5evN|4D$g@Og&{(N%}7ax4F!`k0qe2iaI5at1K?fNh5RD&Mg%cZ zj3xK~I8mP3q7nWlb)*B~h}$5mEzaFU8S9A(pv``k6Qm9X-sn~7q1l?MJ}~pQTWqI+ zY%DebYTNG``teP?S|@O}vODdeOV|PS+vX4_nrcoZaYsVg@v$L5*2A-lgzVzEDd4{A z)X_E!otNvS*m=K}IX_*>PaVcga~kW2ei$egluD7$hfF~MtQtT%P659ybEw2hl-=$G ztZWMO+R_S>l>u}nfD-5W-P73z55`sf0bIsu+R8R9BSq|<+exRSO05XD03!S<*P$Hr z0u4=_HptV~fi^ZCGUIRobLSNed&+tKphmAF#MwfHYmRbqWXtNzRGs305k|uVSrFlT zfchJmIO6-|k%L!9$Eqmr;zBy&m|6nWpCe-%k~laj`W&Qw zOJ1I&TFLPSX;;fV!A;K4spSMdO!i67$s?{hZ$_}|9JdV#j6kjw%ko*k0#K1%{~XZM2L~9OI~pV`ixY)t zgPv``Ij);usvg)SE~wpY+Sx;~lR{1F6TbEwuIt>oLYQQ~^T_M9zQ9SoyvoI%F>D)@Y_k)r# z1WXa|_Q4L=+cN=Raarazm#20$zrhnXU;*?VVeo+T4%pb&ABr(yEPGJWSc>r46|Oi) zCoMD~N8N(Ho%KsiChd?|A9IBg%_@QI_?>^+Y|u#Ohc9JRjvr9d{9H6=)L8f-*JVDVafbf?b)S( z+^kf=uG9+LG4kV^M|bQ|pI#g}5%sD-PAWNo$Cpw(4PUX~TjJvbh82QRf&5EdD+@jL z6a~TJeL0qk@rktt^kF}FmN-g-)SSo*33w&Og7{aY?az#N z8WcUjqCsAOc4j_IHy5MUJim`v+86NBGs1?yuTxQvrQpI;E|yc?(m4WnPza`g>O{H6 ztMMY&;ns%pLT2K9mXS&;@p~Qa4cHeiokNP)0=@5sLDNQ2`^?I}<>f>n~x?_F8*)JN9(Qztxu zyBauY+`~Wf9D$``PX`SiTKw&%)oUAlG2%}ntiFRPH0(|Twqg- zaljk8ZK@K|O8uIqj38d3O@<8Z6&*HYOb4HHe|R)*pYuehC*t_)c!Js^Zhu@7{ui}E z5pe9=_7sWWbF(+3Wt)K)PPQKorHXkP+za-qHBd(l$*CA=o$L^Mf@CaFjZ|@FgG(N| zQh2CD5eowB5>WsniFB5ZYh*iDI z8Dy8-v(+nU9j#=c8;zihSWNtU04g6XNMtH&DFUXGethH*s>yw>l}dI(as!G4qr-fA z?gH~qy%!EzU3|{Es!tAZsZN)1yGBNvUY|L!ZNzmNKPErWT*~6S8%OQn;GbhkMafp+ zL}BGE%(z0v{uJiI3|u#_aL3l;@XS>?G6v|_xPSxF3oE>N6IuEd5t$WXGUjPbYf>v1 z1}yjvbIO-hNujOsFQ^BoFI(K%@Orq~OUSr%tM-7T?07jw5w^cv^Z7z~16@|Ene9bF zNRBvlBpdDn@+uwJ9(5883Uv-(NBaU>+vq5Na5&!0<~G#)1e6SThH}!P;0h)-3;IPh{+)8Rbqzb5+TT(OC zi9tg{5EDU;CqXdA=`K?`5*H(-L5}7nr;s3FV^f7;;GU$*9NwF9bKWyx4Rb13eRrp- z!L1F0IOic@h<9uSqHQ?8_(z$K9n=AsQ5OiXI`V*43I5CbGNQt)k~6Pi2IUrAws$a$ zg(R4V@SMjmy_k&X*In7KwkE606Rg+bBqgK8?*uu45P;7Ndrg2a=ktuuAzrTUC(H~y zvxvS7ME#uHeX#@KXaQ(!G{ZhIC=$g~anFu^5x&%`p|s(Ii(zbN9)Lre>riDyR@ z=+E%%lMyjhTpxUh;cA_D(HJRyC#E?Ri)+9zMkwuS2e{BW`y*W2F!oDVQ7-dhqueAT zMSLw{N{Z&=td7@TT7ZQhMoNhQDG1ZJ)*(+ID}ONq-I7NE1#Wk(GA=5xV$)~7+TLeel*#7x9i`zGT_W`NgX2&hTcA1U*59B`4>4lJ zv68M*04ZQj8Xj9roXsQjD#KFL=w_*kVXJX7=jU%2!YpU}Phm@UjCTN*1RT9jG=NUSb_!tivPJLx)tfVe`R`su z=*w>8PdZMLS}R(g$r}tSmhe>PVG*+;I5Z09zeNA1$xGyyO$pLyWWQJA24|qrxokp1v__<{+R_=>{|W=L9+DoO!$&hJTj$20pu4cv!Mb z2~kLl2_ElQ>i5`+@4Qw@o!V?ocPT1yLL2X3+|=10L$p%sv`}Le!CV2ZF`cm1bRhIV zjk4i>o#Mu}O4%GRVy31hA3+Km7N;%~=D%l5W}yWItMRTz4) zzF`CbJP}1k_Ir&C+Ee!cHuW8(P8O*~h9h3WhREJboCrBUC#R=QG!4X`dGuO5 z5{;6*%b4U{9^j5smL-_XpKE8Y(cuYTcb4D{RXWi_-ov*y-U0KYY$n%vJ&4};8KP!MbHCO={s=ghKh>=nu94b6d z7dcx1Wo)}1YnhbS`bxyh7mQ}+cVdz|ob}dzG!c1J9w^RqANEnb^#;wzVzfo5jNubD z7xph49z9(KTZhX%yA;RR zJrlbYR&nZ}a3s9)iAJ}^^d6p&`*e7Bl+wwJuHEjQ^*?4Yp(n=_x#qkRl_f(LBI;b| zw=e!?SL@?h!n6dI#>vL5PQ<8OttNv99}&Y;uO{dZDR#H;|>) zkVSb{+l?_Nu$t`mU|I^hL49qNt6V!uI(U;zSp}ICKfk*!2-Y9i6?GE!jD}eP!Ozcy zDkUzuZs)rzt`REVn_cs+JBXt8N6$owj0$}aC#CNxCA&%8+jnTIcfLjYq{{1 zXZO49{Mr)BZ3go_-F9=2X$M#ACns^V&cP)W#NmZ7$xjxN8Q9^vhddWeGxk5xsBO3p zkTED~*opQnA0^WVoFbshx8;3)hJR~Wz$7hLKqpU@b!wZ(KcaSo1ZYYvDWAElMq*kg z6VzL~F>O3cLCLQr-8+S?-%KfzW)&t@llJwC@I7^0`bjbzP%aE}j6q!P7;WcsH~eWP z`5hOxHx2nKMGK)PrFds}Vw#XwJ^$D1PmiRc0(ik$Z~;@n65$S?2jOyMsen9-{?x;C zH?RrJxIGgRIsQm9*8BMD@n@$g5|@u3FP2zl?ZwARV&72BdIxd!jefa!({rl}4sS(} zfA`8vNQ&N{Yijhf3)?uAn%}P1&0Fic=7v9==;dd{jGLuv(#Ch^c9WcU654~F2lMg; z&HNZpvAtEFro*y3yXttE~DMe2ifal=?oh|EYlwy z?V~bYTA4st!eGCLELk)TLXSkdgi)n18!9Cmme30$8+T^ay7Isp7K8`#h|4yX)fC#v zVY-O8A>cxp0__4c61!P8iuJ3<#E&E9{S>^cfFC@8Ft6N75O)8+1Pp zK3m^k5yd1R)1g3{fhbT^XHC0&Aqq;$)Fw)eTu@0|PmKhLY@#q$!@+AC&e&CGRO-x#7%awv^@ zT$iPU=?Zr(eQd`-q|2E}JBk+nin{s>Z|4d({O1ZEQEjCA%DYY<998REgPUwR_bB$= zO^TxifUxG=@m$;8jkp-}p{KTn%R@d~HzYZn1wkk2XAJs9Y!pQujBz`|m7!Fg!Luio z76IZX6s(7Q{Z3!RW)HP)HZC_Vk(aZgDhOKGtqR+p4yrjx=18l}0*`buuuI9_!^W!C zIXB!RufV_W`(YgBZEzmD{d>(v?Cm*$NH+SPWf=}T`xW^e4mA9$Jz{bW6O@yJEtQ>m zycre0E0C=bX+UyPI}4YcMOf)dyjtV>=|p~9ye`y#0PnHV6&xa^>5CSM(aGmY(pkLM zB=ppoMNq1&j1nBP2>Kkfx01LouERNrpDcWT2!}AprGrwV@?ytS0r9%;Wm>XmSYaQ4 z_&0F%SwK`bWzle@85iuoZ@m*O@trmXiKY?X&@Lb{*QN)`Ezd}Ga$ z8&5z2vk5X%T!g6!_U|yd&E81#G2HX{ij9evc)E`4k7$W_I3+}%`F_0VU4BZG*WctN zs!KE~UPWfnkq|!`K*W-OD$AiGR{u5oxLmEGk)C2+gM`~!t+voBVAh7A$}JE+ zm@=>5X3n$i-psM9L&k#L&!K1bq|=YHq0!7GdC(pz@qLc3 z_xLCeKyOkV7sJ>_a_D`&;*7+J)upW9$s`e%Wy5w8 zphdV*r9nNH+>`EpFo;Fe1<@BPNzmZHE(lsG4jEn{BOckNNf!1OCB)@z2MplWLz~3J zjFsP$44|YBi#7~X4LiCEykJ<~f80Q`}XYRPxp0@*;ggzW(4KhN+31rDL%>*K1P z7v)20k)>i&|2q4U5RM}}1rveeZHjr(lfRl^6&FIAdj~YRi>i%kK&f-;r3o{}F9zlMzae=>J_4`*1 z8UHW!cu<=i5pF8a5UOe?n`myWwIA=_nNsO@r2nYZ_xCXWyAK%6Aj#w*>Z(LT;i7N3 zMa~SQK;m=n+%e0P0b^IaTQ$4z<-?%-A!W5<$#deWQf7T##GA}`p}j(1krRTJ>5 z2@56PW5fS@ApHCE2|4j`s6spD8RUPDeFEEUj@`JAlKkdrV zah4o((#-$YH-C@%Vqr)(iQA|3&1@W0Fv`F*(#Jv#-Cm{!1QOl6n&F+Mzx z1W1I7Rxo7wa(-s!R+$V|4C9hsg&A~!kUG3gk2qpXtt1<(p9CI=>!ia9a~_~l*nDvX z(o)rcbNOlh?kjf;P}c^IX`1^6yqLoGwN*eYHTWYA7G8~e`9CVg232Md0M%I+&DfL2em-*dsOtSMD_6#1Dhl)MjJ>!dtojp z=B$hepA0?k;S_8KW-sPaat8u$<$frW~lh!R$xTa`C6Vkz&l#HY*TglMrh?K24;1%hzG73 z_Yl%g%VyLvOU&m$`q>W{p~zAR)dq3Dyjvq^w}#2AXI_xNcn#*9k3i`LxI}qwKr1(( zK)VU1qGZ+6V-9=eeIS+Y%tn|6$~uOxmSJU@)@F;Z@94(Og?|Il>}ldqqWfO#vpnQ%6KaRmw` z7cYdeWUl!q9pevq5#DpZ$^v}gCtd69H%o^wI`P3JsF-iYaAC+Ku^H}x%1$+?cy%AN z-}{q*tc(coFlLiQSiq@U8t=81LVC^!&ncyxw+^Gt5HRgg++WI_GAk4~v|U-QfAIyy zZk653+H$|)J6TlIkSIzz(?q+^dbI;rnd1_-a$?u<-^vUZ7?szh&w&bf^B|-0?pRJp zByaDt(MPfT$Ne<>`YYET(tflZMLSA6a`;|4-2gJ~?m3h4x*uqlfI029IkV9D|$ubPs=Z7jf>KYxZ=kZ}z=%0kp;6 zRscxgdggLa7{0b^eBT5kOP49l!fy8jqJSO*Dmn|G_W0PIcZLIe+A-r(Lh@6W@tMFl zy!Zv&49nE76H;>tHPmOH#UgAofX;K1SZeu+4-a5>*Rz?4la$%tdT#>xCzr#f=3nc! zE5Hu3eb@hL`5hCQ4Wqz}(}>9)a&OAzVZgmDDAk7_&6j8v3GNqIDQMO<4-D7PK$x+> zdNa9w3aehK7e*)bC=~EB^&}KJ=bEwQirs$4bg1l#NSNS3oH|0IV3-E=OO|*F8qTfjduDcC>0Nv0RGbydHQn5Z2VDjpr zmHAr&l3Om=$3-*_K9bSlCD`|oLEoL$7G_^xs&2CrI=|lZ~DjK^)(Hs)gExll#j=?Gxhve%jjr}xWWY0#5 z(BS6uGT4IYCJu^* z!}BBSYRD>G%K}v4Jtm$p2m~#GLFP%Y81=GiyV!XP@~)rD$REyr}`~OW4Gbvk%@NcF5k&Xi~L(2 z-|(YP9<1$W4A=wh&*60ZU?es3VH2F&Jl&!qw@qpr+Ttt4{PQdNS&!l}=pZs0^a9n(!b6wbrb(!0uArL%(sLBBb(!3T zrp9nOp?y^>Xwbo=QO+~xXVAG$s1&9N_iiNQtcQ zC{78oGZWlrrN(z3o4=^KndU>eG4n@<0G4Qzv|T`5Lop@FrFQmN(bCuXBG;bC2Yn?3 zCi#;q#6>*|MH>^G6dNg{2_v)lvcco%C6(!bORYGo%vC3ySbD{^X5FL@r*QQFjo+P-t3bY}H^XlV@>g3g z9efB#niS$L{iw&gGo%B|vgDGt_@Bo4K6p|eaxYv>l(xWQ*X$<((t_`!0+V~te8d>v zo6Se+2$NH4=cl51m*Ya_yATm!o~JB3M&TA}mh`KKZfZWYDyQRadk(>{8F zNYLXr!&%*0uGR%n>>^h5NMom2KU?K3e)%3>OS_-#FYponiikKQGI(3Uv8@W@GZ3>r zf^A-tPLf1BXbbJlQb~F>OcZEw9>N)cln0ym<1i7?9p;B><3;f=zZ!5V6Gm{*HWZo( zVxY(qH71_|oEhNl86Q&5aFIhE;=U8s-0}Ej3>KZ^zh6fD&<9G4iBMn=L_I$2mam~C zs+cO^YI*9txp(~IkPezEC*A%PZ1C=+^)k>HG6u!q{q3#=SangqjO6^ZrVS2C^K#^j z&J;K$Mm`i9If?4uW-5;VHDvjTH~3{&-NH<%F_juKk{Tly*tMOkXF4EHZQg9RM`VUH zYC1N2MWw$RVKg6q zidCXnmtF+I93#w;w)sG(Vc8#edgwKK?5AVWYOYlHwO}eQ0i|*qg4#=f&~im9nvn;< zz5N)|v(3YnXUQJTy`bKs_7iC}FWGa)|7SGzebPl5Ln9Tf4%+*z-*MB_&%Va0NTA@e zVv42rZ;$8E0P#haKK5~$^822r{@ARZ%dfU%;)+Jzhx`l|8ZnQnYCMjMYc!AhCxIr4JMAA)A!g(pRp1roXZ6U#}o7I2gB$ zwflei#h3NG_@>aiS2B7MxG(U-pJ>grRIHzZ&1D@)(J%87P8B}8*=*<3k9i5{PkSpP z#CfpAicH7xJ0-ck;`+KV4;ge{p%EkV`NtXa9)oR)Kyd#=d<>aTlR2sWn342q5y`97 zpht@wES!b{$sIBdjT`u$T+;mRTUagh@b=Q7Cv5Pu()^w-%T^ivn!5wkZ{2FhMYUPN zpq_g?VT(_Dk2K_k-)<~#Og{w;{g(2`4{{)Y%?@=o-E@|=DR;s6QqXXM01q$Q!J@^q z>!~yPB@Fe>0it9B`SNkwUy#IfK10Q?ky+niolcv-WODw2-PjS^hRg}`1F z>`s=btw9XdCQxQ?!K+y-Z zRFszZ(W7^xK4C#;KzJg;=>T;kD?KT$kNxL{=}j_PR@O{7Itl)FVPtd(28+5t{$EV_@;O$gY5P>(4|^Q%%{c_jw@IH_@15|rHJ zkT+c*YblId=;1X&iICw~(!bMCYE{3rANOMVEy_HDKfM<6JtSFs$9YaH_d?(IFez`L zph+U3^kOAoCHY4RJ?YTT$FU$-f&v%aN)v~tg%iK7-rn+Xzs_ZPWdGYdf*yF@6t#*( zSdx4ieH8hIHOo%St~udbe5`92@zby-$1-;Gg_SwtqM? *LOOG2n@?_aFV{#fi= zB@&fm?aYrLQa1Jr1q<&O>NQhkI-kgfv+8NQ&0<3(m+m^pwe$ox8!pO?%1aGT-g2h; zqj$=7D7s141##O+%dI>{3gx2%1w9}i89&!Sl0iUnnJ3U3)c;ib$Tk8<r`s_IZ9A4tcsugYj^WM9=V?l-r_g8 z*D4&%r2I$Y_O=WVY)n^}O4YYJu81zwKofwDhfkgVo%hXDk?4!*p*5I76WGgF1N8v? zp~=m}{MP_`I}5jofCBXw4Gn>Bq+ zL{z9V-|SfqOAORmjb_ejLife~BZs0l^Rk&eYYPAnU56Yi4k&I{A30=RgBh7j_>(>8 zYDr2pkD)cd%H9XISBc#F>my0rtlj!*fzl zPz|^+{?5H9&$szCf7Yq|vJ7%Zk+^Dr-c*7aRw>WGl5&!>^EoG}iYo2Wbh8m9DYqDCox z(p{P|!tF+aXx|q@#%no5=mT)HOGmKW%QWz{ z>l20HMSb^MH6Z4sk9BecH z@+(V~>lcMdMxxPBTIE3qk0EZP_$+8PM;4d)Q95|jUb;iESH~6rI;|_K%!JP>&M~|} z1XmInDjtp$H%G&D5ovr&t=9!C9`-*Wlr`-zTUn}v?}0pq+h)P(Gui|gCU_~8*M28i z0&vuIe_XK{HZ@dP)L4J;UhRO(3(q`j0eWZ$q83=M$YOy%-d9-22U~*n0EoMmD`=&{ zG-ML%S~k9u*7enhz!o7Z8RKFjP&D6zK`ns3gzHFoa*)sL2#nUCS7ZGhq6@CVkveSb z^*yXC-7&H}sU5~(@Z03daz;A=KYG#kpqeZy!1*g(65&<}FoEJnyl@P-No!8TCyXK$ z0x1j6m=A=Dn+EcOXz^H#e2{?;x=P>F6AQ<~GjO=~KoXKzH_js-94eP3oAdiaJFGhah9+db<82 zcddG!>^Uq9+YuW{Fc@;qM6-c2+kzRw3n@R`Vz)tQ7)7AY6L9(78%9YG3j07{888Qq zfyP^qvuPvq-p+Y3-;rTK9KmBd-Tf`uPz1E)Hgb*;y~UO@ldaqCNq=QiV)%j3dnhsZ?Tz_Vi>3_B=`6t(MRw4-kq2tGuK zl-eR`M?*Qh=750$43O_~R!MI2N9?Mo6Xrf2O)4;9D0RP;b+>1AKsx;F*%R$DH&?_J z5u1DY(<=t9YcLQR1a&E9L{B+37sr5;BlF2PAX=;wnoX0@UcXFeG!HBTY=?niR^fml zj=otSzz3Zo2T0%fXDlh(PZpx z-hIEZvzg37z5NNvx9j5)e1b(jn1ivCv7|>$E7#Ad)IDb;)*g3CQgQm6+tp)2^&q&J zPcXNB_8nxSf#A0pERF-c*K@}?ijY7I&`z@uO9;C1#{{HtxJ9aElJ~ZC2*`smI__`dMjH^IRFxzz0WeqE=y@oM_w zVIR?!5KBIF+_hZAnCsneB+jsY`npLke(Oc;j1kF^E9Y(xJolG#Cz3BM{lF4{25VCW z*n;kCaydL=`bL^+$7V%xmGNt|>xh7MI7foJCIcD1(LZ*M{yut3cTMweEr9PnXFvvy z{`vwiTG)dbiyeF)%}D+hXrSL&X>S+8tR6xN<-tZ8z5BWSbcX#m*>@p|e0|5(Zy67{ zHkZGx3bd7eB8Y;XvaeW8_jqR765=F_d!oS==592=X-*=A-eF5S#*lAu9eJ0nm?0My z9gwz*W%Bb?3KNP4FkVOcMjeob9%8eEG+HOpkgv$?0}<#;_S!e(>xfFy zi)R)Pkt<{zdg9-4Hye_}T)Cad?;-_NJZ`-@AWysjXUUbiJ96JLBa_lFN)+=bs6Fsz z{Z8jYlpGrq#X6nQ&55(Im|JEs9eiKhG5@~3X z`j@)P#p_KDJrZu5144q(Ob|myY`TnOjb+O=jBT7iQe>i)W2^jagT>2M%6yc>6p~PQjnwT`}InpF$X~jz8P`fnaf8M zvf5}R{EPm3#4L3f2R8x;a6TV1&RzAKSbu~`q#K(>L{&PX`Z6y;QL?;PJ^+&EoYj(Z z@@lVE!nZrnSD$!w-oHnOeHW4#a)*7ihpGJNItdHo1W$R;lL3lk)7LDk8F72IKVd7Z$98yAvnU-wey-f74Lc3N7i5XUALjmyCmeq|UQO;G=3sG>EJmDkSxNfIrXLBG|z zmdp8U>vE7M4)fzfV1o91VxN6KJ3>Ht>eqS}@D&NhY4#6rx+&8qiw*CYrLXp{sgM{hc*w|Bcb zaECnccTvfGlv@Pex-$B;hoJHXkllG*$(fl%={q#`EXCeLS!_RZEtZpPm!#x?U+#-( z>$I4?^~})jsO@cS#|u933x!&8H(9q3ueS~!4IIs8iuf1=lF0JW(G1ig*1Uf4)^)#A zu#wlyNSm|Vlu=1&73D|h23p}d(S*qo-f9(E%77Pqo{6qK$ijl)f+sRUFb*{XlrDQj zSfTTB74oV0o?buBvh&;CU2nQ~gtZW*$jClak{(i)U!#uwK=hSy=nLDqx2$fyC3ayM z8xem%2yL`97CN}z6cYP3URY12wO@C(%GAz{#W`NSCQ{;?%eL1ApmNp6)`1>!0Ac+c zJfrEPk|TudOdVXbcz&?d94$aSH%%F4|L8NJywVc3BHo7tb=n@3ee*#ZW28hO_{W1R z8mY2{aT7Hzi1?bY6hrKos>ybm{<_1P3 zdM^|%M+Azu@#tTRCu~B;b)X+qPrgw?G0?$IL_szX?J*P4!=B>esp&^4yqn@1-eHHF z?NUbkr+_NCobuXR>FU5)lv17R*_u0Tfa<7QV+h54pZrNaaESBw?KZ%WZC_v5Uos>V zISVIoa9WZ4kQ0WlsUHXAchOT6-#I=yRDHtq&hcS;L1v2(=A;p1q4Pv^f@|0bdL@No zvu<=Pb530p$Sv{G7soDX)1jfNw*c$e(q@WTd7WAuJNvX^&S&hmXD$ulM6 zAWC009>m+#q{f!|x^+`s0MJzfvd<`Orb81btJ3v($df3yk)<>WO++@V+K z5&;Iw($_{l$5*rhMOW8eF-*SlNCW0TFWGYe1~|Zle>uqFUGlst>`hYP74kc>C(wBd zzBW4L!BN}H5&rj67YU;AQx~`_E|nX7bh|3tuU#tTPgJjsTq~dHg{Ide{+_gmLgizd zYUs%Sk$Lqk_yMt<-ngVtOeN zBj-{wTSEGg)M++(Y@=8^gvW+t6l5bC(c{g&aCrI_5e`LYu}rZa>$QbQoD7+Kg6PRq zvfSOt`)+;Z=9H(HcuAO>O`Ka!tijiK@+s1CU84Q=sqc4GHb;{B z#YddTwTut)zzSNfeUC;*WJj@z8NV@{Hgh8A9}9hV(|YLlG<7oGb!}XZf-G9G(*?w` z_(-b-140{uw@*ncX@;UhFkG%$lSy9xd_vjzRtdyA8&52BJPQj=h{$O;9P#N(kOqB% zuby+ead&Z;cdn{7`Z~9ee_cIpY{c^kpzy zmI;XZ$(uY8Y?}NkDgZ?H(U%ny$qx*7P>i2SHC3Y>Ui`_uhE8BZ{G5t78XH~F?qk9d z+q=WQZ1H?TO(+r?xlM>e5;S0UmL25eOK^Nd|8v_}{%X-#X%(A=Ft4w=HGcQ#U2$t; zn2NUuPZa#!+q5f?9!N|t-?$i^5Yz=aFV^|yU9e#VI~cEx3le+A{IN8$FPYZ>4fA-cBpI_ zk4AU+wF!%rXW)|y4m!Om!$UNvUhT8Egk0mjj!>Fout5`+l!f5bBKacc+J9f$0Yoon zv+G7$DI{|UNf*+e66|h2b36rC?PVBbV$8vzvOV8Zz>aa2%sL+cpoJqzxPrQv01|# zB)m!=N-Pg?B@a`|_d1y-^IZIX+A5LM09!2^m<;}eIM7)WH8#@|gF76PA z*{mr>eIUwgx37Lr+y+U|5}v0v(skj~M92#HiaxxHjC;VhSMchIcJYx$@y#autZ%gD zb-xoD9Z3=Q3%i*zL)rDj_4fju%zo(~24{!dmf`a@k2?^%ZYS-c+N3)dD}NiJaJ{y? zjUz z<4s)qCB^?a1d`DJu@)br!Sx@AwLe$Hg1>@cgha=uTmKh=M;8nVk2pUWc{Km$ir{7d zJN1ub^cxAvWPGa4M2|mrL6FH_9m=Ke4?b^qAjg4=o{SSO(OJeGn;jDR(UkKqKxxoh z331Ef$CKZ@)&6?Lzd^I$>BPMtC}p~6E6?Bmom7YY^A%;q{z7UHmCj9cb?>2km zZO$KTwcJ69*& za@AU|>Cq?6>nBk%uIk}+TuH0;DFHSym~d=ENuL*>ibq=o?MDMYld<{<;1ev%Vwag4 z$V7@^0A~e6I6rfR!qTZR6j+Tv!tK264m(YFJwXOLG3vZG9i48%o2S|U3yH0l;Sv7N zjbmT$m_r!0P@O#N|KU3od6r0I>cO`_@TSBRe^2E&}@$F3MR%+>ABYZuf`;@j7K z7Ahq#)eskwq>M!BW*aIn9HMUc$V>wXMpZPHXfgkt?hpEf(Fk%H&9vO6KFCZ0#}P?4 zc7JnDQNdI#I?jAezh0sI-ebHgXN8mo%MqJx-z-K#`wSWTjiJtU@C2JT?I{2ap~7CI zw0&xR09JEAK0OmU;aiAVx>>JFB<>^QAnt2Ga92Z`dJrUy>Ix;WeejX(GdBDY{)e_N z7F)i5kiBZcu=f!5%lUv5qyxrmFSUlnjn6q*#f+8q4D+?+MAFf4BgtKvf0(!mmVDji z2M-R0xY7w)Bw9V4YsGxSQ~7Oeq(nsc>)u3Jv6A=i0fe!K`tYKD)4s~k$HXx;bXm89 z^N1(*8QUZi6&6a+bJ&AObrwtNN>k2#nOLD$A~M!$50hBsYrl#{rx0BfblDlAlsZ$XvknKC;=n$j_SS*==KO4>xjlfGecKriT9Xl9NnYD0 zsZ~P43K9gG*>BgRO)i%2&bvvTL|;8l7>E1y&V6U9?qEN$1FUU=Nks6YEww02`tKfT zxHO9S)b;NnHYp(G2R$J8plSKSiqNcdHFtCI03iP^kzrk*M;~z;1dhl&a$W+T)Iq}pUYI68P)>*qp)Yzr^MIV9)loT9C7p$8v z=x4;~KZ`SjiIYM!p84L<{ptTSTgb#X;efQ@Ol$nBI}p!)^f&@whmWMFnw9{-h~MeS zDPMU88HF}Cz`mY_YbjXgV-=GeX2(2!1TTkfZGU^>b{Gm&C-*VhZ3$xb;O)(5d>PS| z3Uo!--&0e?DMKc7ldJ7w&nFzLa09-*APX8)-PYPzJ*3Fge0eWKa9Unfp0OsK4Zu3z zh_yInk_vntxRRQ_3}yvI?lv>Q(;Q&~m6zmFtjtu9 z8uq6-BO01v;>c9&03Kkaat-hb%~}^gEC+y^G&hi&fSD!?P}>URbq@HI)l`M{YnWed z7kR-TkDyY%9diN1bhZ~5nbBdNQnbIulP7;ZrKx+454`j;X2|ZDsmy;>_S7Le)1Pe} z+pY@7F)P7-A0*peM022mZd;&NN?yIi+Wl5)CE|Vh#)x7OLvY2j4*XHAYa|9TjVU>3xuE_|Ju+DjZAzpCnRl-ePpm z<}i0CA8^c&{r74nUH~gZhI$*7a48g5Pd)$dOQ@~Emd6~7D0P<9FAIrkTO}p`Zl*t| z@a%3Zzy^~fD}2EB|MaF8;3B=H|M)H7yW{<7$Y!&=oaql_HpplH9v*++1x%`7DxNY1 zVE8{{^S`0!5injts9=R&APE$7$i@FWzTTh5|NRbjmZCD?5&k_!VAr9Gfi2=Y9karb z$Kd%!{-+ls{`8`t(*I*G%6_sDp39xJ@ zCfc<>9y&Wx=@H>|Q6nLFrIyyPbt~~r*Hu`k-oXORMXJzwFsAjqPj1uOOY`>!Z;ApT z|KLDc?{l+aF7<`rebxGmk6fOv>P>#wdwr`O6|rw~MofHy_t6}R7Djx(%{97rnQ(p9 zS}(QB6D_g62274IWQ>l5w-=+6qGJe&);@bLKbcHwDLg zNAqRoU^B;K$w3xvcGZ#1z+?&GrjIQ0G$YvTnXFo@mtJSTAl$`}q|8EcqGJ2*C5o-; zSFZ58H(yqcE>zqUs~DlWmswrY|Nd9HwPKsA#Qk<1Z>V?<7Go`kuFXE{^Y#z(evK8U zZgwcuKE`D_{yg-N1q{sfWIdO^AuEv;A~eHh2Sc~GXA&jWGt8A4J(ord#Bzd}0`T9s zBU7{s{vvp7M2eSiyxCa5^{rYuf*+Uv=b_QhG$xGqcGo!&}g(vKn3%HtQy`Gw$; zbI$P*c5yEYd58%Q2yvB=td;OJ9gA82Ye2mZhQ0E_M1=yJ#%PKVcxBhupKb7AqwYB~ zJdU)M&FF3;m?`8R1=$Rl2@;fk`j3f00UHjPTCs9w$`W+WakTip?~2+5?thP1*xiEG zU~x2oY%zbZDDn5Q>KVWYHoA5SUXzS z);_}PFlXC*aZo)yOfs9iF38ZVv=#WEa-q#UD>}fwQHFg}uinPmuZgevAS2DXOp!zK ze9dpE#yz(6_?lU}iqDB;wmFOkN@@d5$UQ$6ZFL#O(64u{A5L$dJKq;FA)Du}Gskpv zM6cm}Hg`0rmf@xmvgRzY4j6WiUD(#CJoRcv$~%z%xOPdcyPxu?{z_OrLy zN`HlX*iQU#^L*P?aqs(4r2Ta8aKY8oE1NSrc7a&o_U_EAmVt1J#ewTnJJWg*_L)uA zc{6}t9MycHaKc;O-aJiC)IPQB70^m1^69gA#l7#1TiWS}o_?)|6;$+jrk-D4-pT$P z@{xZ^hp8`>)26Cv!fR@0mJQ53Md~`1(eoQi zp8LKNx$wcF|9uf3c7FQg$)|wPO^@!ey7TQwMf>Z;=sHE)1dFk`1&XrzfMu~6{HH4p zQk1ucGu0_ezsC%G95=leP+z{4M@poDclSqBI5j~{a;WvRw5upGGBlkrTAT?-v$oI3 zQQt!zCM4=%FfwwWsf=@+RnutEL1SpCoHq(^%&=c+TPbU8$vWF!oD!^cv_RjTsnq@@ zk=E)|iheNjWoKIXYk8lR;rY!|6}|6-d&^6yvj|0J6%HAxI-_OEpUEq{&!TyzizUc* zzkP;|udyRjpsUiHB*(_;Rq7vMgTWGO=%vTUE@c17a5p^8tFGe0%D#rkm9P1to(Nwn z_al#w< zw&8^u98sIs_Liq}U-@0M)j{Vv$o))9c#8E0o7Tw64E0m@SBvw0ZPNKN82S6vl0m5U z3arkm@P~KiDkMJJuNR6OWY`Bg+9t(Bha|n<^Wg1U-DLIIJAX~UAHAn;;wDS6FsEm> zNao>0;^RM|uux@RUTdRH5rD3MUv9viuD3@wSU*Q*Qhen{DA1CDey}p3C($rjt%%!v zQPMNrs%g%Lu{$+BPdoeQrUPk2x1qUF%h+pbr*t zPbGs}<)rF%c#g8NFr``lVsI4}!>qE~IcP`|(YwoX)QNOnRqePm0OKZ{oVxi#oXZKL-Rn~(J^^+GtprhC$vXWW47h;)|&Pu_{hMm z6+`=SWn-((*u1COCGDE4slR4V6h9N-D<*}gf6_jr39rCV%48aAyp19sd&gR*th4Bv z!+Z^a)7$dpw@N_Y{x-x$x^R+!J1f{=tjNB?YMT1dQTnk-h1Bqj^4NKO;Mi_{p3r>6 z8y%@rYviWt4P+GUC@%{Z)-L!0PF|~bPI`UaLCL!NFhepTD zj8|sb4EuX1?Fl->B2@`D*{$p{sBp2vWlN9j*z!HP4^mOD#Uqzc{29L8b*u1KdB%T$8<--omImwAG8kWSU5_()8D}luEl&WjK!ni?z*;X4K6QFjtbdsi5y`Zk?9# z<`aK`&wj)LPb~iA2FZZHV{cLWvr++h!_5(bm!s#b6Fcu#%uge9M9%rwl8SYYlSRaw z3yv13ITu>D0`DmB_s%Gz_{rdVIv?t3g=|c%3kiKczaI9nTV7-RHln=-$NBcj_pTB5 zrSBp70%CTfdypgkhsg)C&w8!X>^lY3AjWn`W@72hUw>a*`U?3x*Cu(TN?-cU*)02O#N3hRNN~#fbCVs4EN`r&bNjyE#}Ck*^>WYNM}iC)h(8`~z!#J88M=9M5njz8K}u4hMs zlDBOJtA6cL+jU9MblnTH>QYpdU55*?>h3!6>V|-OxKcN+JS$@(%Sn?|#bGg?^5Gnr zD7i$^EEgp?5-~sfmPtBimNfHssG~la2G%E((4yESMjb_3P7eFPRm>@!p^n7{pF@9J zvu~mTbV0^-#Es}db_cJ_g6!wo2CP()%rB|@~|_@11-NFm@WL$%-0=K98+o!^DGw= zRoF_O>bVM|>&lgzu{sAvR)NWDqEJxrej+t+vw8)l}@#q|dnG#;Ra+uQ*R=cI6=5-X~i< zudptWNi(P?^-Rd{K|xaCr|{LBunf4;jOX1ZzBO14C*xtyA`ubdQ|g}nL`U&`*Lg}$ zr9(Qy*oS#&QWU7JB=fq{%EM^=b4;hwi@NktRXB(8j-m$F=5P=EwsHyWPtv2qoN1jb zZLi(k3fLnzE|+O{Run`ty~6O|-_si)rB4hyg!9_-fraZ0f^vi8bM*-sLbUZ9=SVvq ze2FOq-wn-&pPs;*hvpROaG&i@FJ^|G9t2N%o54Na{CLbHwRaF6nqes;^{BS0t0LJR zk5dHhVRX%F#C?%u2tG}9@}QARJOdHy(a#>FQ_Tf7;Z}z9y|hpxd5sf(vT*{dkp%lHi=L!h2tgxLRY+EHodwfXmPA)O_RP{%Oi7?hlm$usRi2D@xG^( z8ItW=M>|hWE0sd66IP7O6R;S|L3CI?Tv)n-Jpb>%Kz_xeIP8keu#HX_+ytc%HH*Nx4W8mpzPT*1?$NL*<Q8C!c0uQdE8qS?EBkzg?-XFn^*efN1(X*H47n z%_vx$WvZ%BsypRN_RLY+!J?tAeEC~vo%`PK@m;Jf_bN9Q@0!u-ys^Fc*(94vCE4IsS z&evCfF>FAeToyaDubRX(`;BhMXsPaT|H^Xaxq?cn8w*Z%%l+`==GF; z4brYo)x8&z;d%SU%bS=R%}Qz@lPym^%G-SWTir_<^Ixy)3qL>coLxNOs2Grz_c6|B z8WC*kfV^j5bsmPG&F`0#9Jvel)**C)-YcWwQ$p44c_aTBjGA3%rDCcTr2dkS}2L~ zjV>dNvi^XYcySBMafpH;)m% zb5j^2vKD|)3Kc%3d|FI4P{Vw)Jx}aG-urP#ZaQ>hp3LK3Q*m!d-7x*BigM{tpkEQeqYSl{a8(Gv5$Q z7mVyUw~-BgYwI@wa1H)*sJB*^@D&JN+l2OS^pdvm!$HgEsxO?u&b%D()#+Rmtu`7o zoNfVwzvx1>ZWjQfLJW{GEUL&gX5P&z;n+0c6|LY#w&<1*{5j2zC~8@j!V85u`;fx?*^ueWQzwla%Ehlv~ifb}l^Tx3bClr72sY`>v+) zw4a$gP_z~dI8HKJsHJKX_zPMJK_m)}z9fUQC}%3>q)QC?tydsR2mA27n#O4oaZofS zS|>{_olSt>uM#nAM@1+@O}ROh!GwL*nNo722OD7~qR_4ev&hskxFUBG;u3mi#hFqk z@@IzQa-@EZ)6j(x7fNDtdd;TsIcG}!3!BqMl=OE^Dd*eMEgLh>eIT|fGorAfl_c$s z%EQeG*5hF3QuoHkq8EEEn4jTdzg1O>hSkuS zH~3JM0#PS2DHX^eWC;Rmn4=*I{p&5-tnUmqB8XxB%HAdJx^EZNx}gO{n?>7*ysxw< z+a2m|?hB@@Rkg34Wd@tIzB?j^%V@Mk=-5HEdxDo${Jpq)`4JS25CHoZh8%nv>YF}5 z2URq<>irO_Zf-pySIPKc$_3cA0}^cyypsGd;f#D>63!cNCYPi=(&NJJ7?dPhf$ZQr zI9^wHT6+@{9%!MUTfPY3knq$gpbr$jRVYy|(zq=##pz+^%U=~~D9Y&asAjp=?LeEN z$~-Cr-DHCjPX58s)I9jCn8?f3 zb|2@``7z!1eYn&O1l?=G;$iPNEB7h&Ag+#Z;Rw(Mj)|g5f_I?ciopf8=E-&w!w$RI z>|nUY%D*_sObvq_Nrq&X-D)tL1@_{hvr0>zWob6!TwVkVmyA6IW)Tq z@Uc6mk1(XE^zkN`Mxs|gxmj+fmPq8VdozgQ-xVZcinx)i8RLW@RBcRcO{THBv6Cm= ztrk$0Azd3lwov%hIXB?b>{@AHw3az1ln34(Y!u1hV1yo5ZGMZUkWGop<_|M_mhAHA zinD1@s_b;TA}>>V7yPABLd11ZW<~ozDd`!-QWoQcDLc3x0D8Ei`WiMr_|$}B$?%~% zm@c9cBn~y3FIU+k`Og_cw>pdTkm|8Vg$PHIB?wrcGW`%!SIz3{L@3RdpXPO+<9yCv zY~|EWYH_((3?;Xn9GyCE2y$jGFDc2TY`Ld&6(T>FoXAuty7y$3XTugnSBVqM_kO%=M@EfxCVrPXJJ=eBB4DeC zy{)&64qJwM!97k-u$YUN`Ya=bDlic)C`O+0^Fn>S`xS_LA5^-b!clxU?Q(Ub_s1&g zIA%JIrT{vy`AC>K<`Cy)I*pV9U5l9;UbUG$u{~5`!Y!rLBCXQy z@hVnp#$Ms_CyYmvgjoypV^LUpTCH|_^@SeR?`<#peYp0kB4mHOL*i+yR#D+TQZGUpZ%ZU z*2iPAq2Q(8w0_PO-Uj>^qerNx^s_ASV_fHMoX9zYE>cwY)slYW{6La{%-v2wG#Dl^ z1F}~!bJ<}l3$X*0QQ&u~U0_RYuV`kk3qnX!*C_jbuY&81Gt02_ zYRGuyjQ|!r%V(_U{jq5xoCzP8>Qcy~$V4ObDmMBYAUzG_Ph6rYTda8IN#?7t*f#3A zM3&le2)6+nK{H2(LzAs_S~r%+HqP%Dd8f8Yu7-ovqjqZ5BBKZ__)wJE?*Ww;3vueC zX|dMslT_wM-?qu`ZBor&zW7jQqI)aMxh7Vj9jMV zSjr0Ua$?Ab~ytaKsEzZ*B}&?iIKO)E}GL{tS#T&=w(Hg6IlomLu( z>?tJm6{tgDv!BF_P#I0cc)dykc&aA@x3`CMbb5qM2GY;Dii?s*j5+sLyyER!m#?WS z@uGtdCIxFJ3uChu3oCJ^8noGz>;8tm# zO0eclVSbV?NAT^+fav9GneHIgv6K%$@t*3uKexoNDYG(}EyBv!IdNu#7|3d}ThBXn zso!YXfGSp4!y0K4Sfrh&_uw4iTu7K*aiD=Q{0vI^AT- zZ8H0VHE{9LeEj63?6T0oDX%?J{C(D!<_qJ$wjfo?w<3{n=M)NWr4Ao+e6@v&=Y=w| z6|k%g`;Jle@&8yFFly-K9;ZD13#GjLzTu0*m5eU^6@Ash2V?=Ic-)F!%rhIDZ?&t+xb} z=v%_`w83gEP5B(;-NnUhP1-kwfZO3hn7-R^GJFjxs9LQfQHCVlq$S`S!|`Q-6Gq@S zq#NfEF0bI&qU*v)-ZHsQi~g+cbc1?#mm*l2BY0c!bwRnOU^{i;yxopb!_`IgDN|~{ zc!`DFkOI}9yO)E1SAbl==9HohrE=))TegQ%#CO4tzYOf>L&OLFwejH++)lmvs29V7 z0DE{hiFh~u4KFkv0KhBXHZxC;OVU2@1FD(^>;Zb#zYC$|Paq2&QzJtV*XH=&djlHt zb|i)V_x4d47fGb+U3Q0x%_s_ zXN>ET^_{NQi#iH;$SX+w=)d^|*ce@FW75Z+t`Ew}btm@Rzit=uZ&;9@4LN2fClvB= zr0cp2^fV%M$67qJLQ87359=^sJpEJ5N4)3di@n5FqrC%dWb=F0VYwtu&PYCQpIZ9r z`vkGMR=hvQ-`E*eSCcU>Hc)jtzjaN9l16+KlVyeqH^a_4V{G$oQPgsO%yCUVSTuS0 z02OABoPOIdqkEl#ld)uN4zxn~1+Cch zAuz!Va=RF7>fD@T-vyA(yW7FnY7Jm(NI($7FryFTbSCXJ*38>NhaJKbJJH^$3*!u3 zrb6G=F=bMqr5_sAtGMX6^1!BUn1K8ilt6??TeN}xFi(ah<%w7Db4QdfYhUH)kJjP% z^u5~eWsHU85OPq^O^-ebt4iLX(iy&KhpmY^iA%IAQiob`MZ{ZfOKm`bn>d{FGC6}j zFT4bVbdL+~t-bABh@=0?(>W0yN#p8e(q)dQs@Vd@%oS5M z8S)j{X>W?W-1r3ikiiFfy?g<+D0i-%zg3KMizHZQ=&(5S<0$QPx_&%=;)$u1LcoYn zY-dnU`8()TOCpceCeroH`R}uYRMAao2q8|TE4iTo9x4tOX6%tz+N#5<_h9a&vTA(I zGYeF4NHhTL)O2pvkfKQyzqmdldx{!tByrPJHb&Id>IAj z!b2T52>-zNu1Mck(x)rmee){YJ}RrBSvT#A(dyBj9jpk#mI$vZ+m`F={4e4$j;7SX znzqR8`0p59K`6gbdd@OBrF(2q`mFywohDLCCbMP{=8(!W0#=aKeh1*e%`#{m9R5iU z6+Diam9>>KhfD>PtXz=YFY-+=2gDd@$5m--x9nzk;&nr{zOLbA^j4R;&+gT{-F|x( zRu1oQHlzo`sr48|R$0cOWah2YsLw!h1tB;%Togxi!| zVVWnjz&c`dlj!BW!fuA*0mNl;m>Z~%Q?zUQu)Y=dg3Q`z#;+t)*Nk|&19#wTJwOlk zd^P!pd-r|sjbqZqT;<59hKgDZ!S>~TN9ss-B`y}g%xn|&=xIWf6XEIdF(S|qp`+3e z;MYQ*6&w(%M+Lc}*qgid`d6=?>ngRfT9joS<4Opk5XYs(?Gi@v@!%;{{%!Y@;c`?= zhtJNABot$9Q1T%K3oPHqwR!Q1v-V6^NgDe28w*C^P`DtG-%af?NzypcD@RE!gnG>) z@xRPB1<8*a{P+WL^Km0GL81I_t-xOY_$l*Du)e=LSkC+P0w06w@NO==t({HrA|`+* zyZ^Zcxs_VZb>`RfotUH@3q^-fDAEq+{=KY zH24Y@GCpERQ8GPE*Vlr8M`tUhBNG-$yHKt~Sq;m!8HVt+SHL}s4pry>eO(>oK_4>fo05@UM)^2#v)RTsM;YP3C=-|DvVCRwLb6>F=vD= z{pnhKiWEn3TA@H)6XX^AeVD$T?KaYlzkgyy(Kwb2JmkY;l-xzJ5n0!ZCC0<{#m4$F;+ICq& z_tNGfb%e@vu#|s>gH7wOS3HMqk@tX#B(SoGP05G=)eLgP6dCc`Zo6~Cn%LS)R<+GT zT;?(Xv=+cUS?~o8Yuy`3N$1cXLS;w--|=W5E1 z`#qNi|+!=T;2jxM0new1@|fW3BZjv2VY|fLSg| z=rRvXucM*hYk7f*Nl8tAI?f@WAygTZuSJF_LZTCq)MXRKQ;@I!I04~T6VC_7VN(ty zC<^!$zPE>KAnCONe?4zK^87K*B&}xnGJfgCmD%6p0PPEiJ=M46j^Q{LbV%vNI>kV1 znm*-7tHH&k*&4D&-k`O6#ogd>hxM0PM%Ej|;tU7IfSFscNg4#&<(4_B9~I&=YRL!p z;U&!81YkxCa(k36D+loUokfo*Q50}y3%FVNax)jFN5k&rWD#<36ERsW0*^XyTBAM} zBkLjSk9yE%c&rT+?55rTilQy5yScJb^jeT*uZv+-a<>aCJ0QO7lDc&W(3KNg& z+vVaHFDI^#QyJ=MpacSzs1^-Mi4%6!r{8ZoR`>RklW~PKA_Xn32aJ6l!t@oz66tYi z4LR2*7tC(9sj%1aq&;$&ic(_c-4rQ1nrx8;;iqWA2kz5gFIK2v(8R6($;}Eb4wCK? zOXnv^2%ByfEJ(Ua_ziiveKkklosspofXFwdMm! zDHG3OBKCztLlq(|Cy188B}(}c;1nu7qE;5j#4kt2|G><}h0|Q-DMKCFb&s&>Hi#y? zc4OZ%Pl!pR&X%=e#Uf&Z3!uLDctCt!B-frD>C#k)n=7{%I?{*5269yLJ?hAogdg~t z&;BTTml0o7R2udHO2=2W)|4s`rEiixePB--BI2;W+ zr0%RKN|%d1rRt&Wtkl62Er1H<-{$cX)P42)5kWV}T4pBxPl2s{A*2X;bYJZVk3 z9DaKxu-Ta&F8WBMZ$)Envu4C6&doqKOZ%&Y&6mqi;J$nOk)XL_$va~=t^6>}*tn^J zf9+(4zR#95x52s2%Otdo@N*G#M@c)(!a=OV9U*9iXRnN*VBN7LS=C0WWTiN*d`h`)?vk3@o%$=S|C&DY+9f)CWa&W)MpI z=waI$=pHCBtLS~vQ7Qx3Q+YP;NrD0un8O^+&cb`SI?c>fL}RmL4&t631gaY$BzuWN zLWkhA|8f!POOoplLX2|03C%m{%0V;KraI)pZZHX;l2BT#JGvp^GZS{njzD&!S4NxQ zPn#?q9cC7rEhpVyMuP9J_o?cOE&z_@SlD-vKeB9eLdRVG6!)u1H;ruc$ATg`S*~Qk zl3l_Edrx55^z@~_!4=>@xKldH1&gJdzOYv6w|qnlku`)aqe*Xpih=yXS&Kuu+#V1} ze=^(ByT8fJ33~T$WG6s4R1^Qei^`tZ^WqF3GU9J-*?U{{!mH-VyWo1y z$UkB;Zou_b_t+PTy7T}R$my9s^6RrJiJ?s923laF_edxq>X3~FSzY<}~6wB#mD=}-|OMbC-n6pSH5A{QD2d5%-; zHMjyReQ$o)v-RCRL?rMc|2V=ffY1UdRIjt%8rf>|_}i8PEPxRNes6n2VXvh+B7=b) zQy7GDBx;-St?R4GOTN*j6E698mWEn(zLyK&7ZO_6-7s`PCepf?^|ibjgfNRQxYW@`NYBzrj#xTZ+Qz~yY0$)In4!K}qtG+iH?xKC6tLHYIGn@PhKbFED z6S7t;GIH?5^P|huzq|n?q$aJP=*uGvC4<}XN6In6zX`IU+KtiL@dfc(Z&Iy6P-(Hv zjBx@Qo{E@vhqSW+jFg}7N|(w9okMXlSsVX?KUgR8r2;bTK?+0D=jPat3N6!DA#Y}k zN1q#_mC}ld7&B+v%j_KCX|l{X9W$1q;?A`I&sWcVt1e@YJlhuiQqerM8Np13;;NLd zTgu$d-0ZPF;WCPHpnY3B&l!dx?*MscqBNYylvNHf((~I{tx1EHHS5m=9yHTBMbVv} zh6i9;HXO+SB}9^S@C!-In#sjOb_IfBP;g=50$$Zb4=Rw6C)sd6ouJ=!IvaoBxUhI3x9qw@w(;>+nz{OiLqRVFS3{$IVLqZuRACZps^s!mcF=+!KxG{mB z^oG@+L&ONJ_aD6k^3MJ|@>xSL7$0}2%_KPG2p6KZC8sW2`)@jU>#x2UUxV;`KE9QH zn)O@e2b6Wr*6t_X`BT^KMc!N@;&*==u(JAo;e{}F=N#V|lVg{)Z3j@8n;y=o|HZ2%z;XrhaoQ{AVDz_4gihb!ZD2*@EEWLST<(2I3=~6eoHeY zpN9Y9O>WzHEnIMWEzCWYr<{_{wzkNjw2vZaH@FQNvH>u28exHhHNudffY}j;DCh4C ztaK(_IZtz4rIc!(!0lE4lqu&v^xKq$c{%BFB|#>Hk>c z!nRQ*m9^+&`)5fN+>2{oC@;PHOG`(exwMI{!?u6KMik2Y(d@#pw$?73|d&<6s8W(mT=%@~EmD9=zRsNob>j zMUgT$KSN%uO2PBpoAMQJiw%E+)c5$?tC^>;Cv%v0H^b~58Ye93q2Pj)>fVP!aWv#n zaBfPNT+l5HhKa$cvZA3ftmh~cYRbf!&Nk+p@HJnc=<9vV(p$!X-0XulDr`pxXz}JYj>o`Znd^am_l|_804R>mOJ2%Mc$9+KmAUC z7tU6yENgVeVJ_bLaEPy2Rd8!G3Hl+#G}lM+Q8~-KQN>f?k@ULBalKSY-zbJ>7ep!a z{3z5{F*wrcRJ$=e97nlzGU>y3sM5v>yIdAcZmw2uAQzMh%EwKtNv zag2!?d8#5ffwwvCr*5ShU8?|G=KGlD9c;tfaL3#~4kXFrfqUorCaLpPVL?f^d-yRw z8r{dEKa;b){%+}ZvECga1Vxm%M`wvhR4iZ~b&^QYQPdn8jkil;GWB3|YD0``wi=@jG(?A#9#FvFZ6K;)`!I<4zOz4Tdf~07in4pgugIok+&BGGWybl3Fxa1eriq|aSfs9Toe9|3 z`v_1#r=`{#mZ&{M)FmjhLB}sE!PclVNm+}7QJJH1y*qb&uyD1={Z1~s#gJB-NmE4S zZg6=}MaHS${IN0;3e9V731+1xjtBa^er7APwrAFen9&(``l_-@?)Vgqq`q0fpZLca ze@%G|TEB^BpNfqqIo94s3O%XxymC@`Pc}vbhI4G^zrc8lufm&4Tjk;$qJ*yuTk2(+e)c(a=w~9Y ze$u5~Aq*o<4q@0hGU0%yiXXj zDec4gO!m2G5p<|M{c)kZ*Fge<6oKTi-$FHcX|a?nSu2tMzTWE3H}B8DQpJV0@a+de zW)JM_3XW!Ilx1`+vZFqav#)lHR4eFr+3hlrsDB`xX2nn*^Y*NSw}@@CbRUFSi)t5(#EsGsf)QBv1gg!P~Vo*eAV1eGwIJ7^VbP)SB8g zR}%?7dz<*U$AYbWkO7<6qa=P3J?7~tEL41Wk8d4ydG8D+W%f2#|5p8BBM#R!sDG}L zOF{25O0!a?#=G}X0bLt_LMxI+MY87?8(rDmve>d3Lr@6`zt`#j7%qRqysLX;)AdY% z$7qw=q23jkDqxp=yJ9Svm z2dFq~+dl}2Z$GEc)BQN!ThT-XxVsL6?p{FA;Qx2gfmluX_Z|{!Jy9;=JLt2Nzc=@`$pGXp)SL2nI zErtOj>{+J>OI~?LX_st3#Vii6&o1Axud#i%p_9*CBlCuwI?I~0TY5$y=@F&x{X~dN zQ6*)+$%x5#$@fMMAp0|s@(73vC^_%XYf77jKJA=8XCyCr3KGjpQm->zh~SD>%zDNR zuhWw&#%pT!M;>Z5{K@63Q=mo7V;QY*g1ak<@6u#bM`%Q|wIMhrkMDl4`rs`YKJEIp zH=nNIyZCIUA7T)#jD#oECKWl!wBB=brtVc}iju0blaN^oELoO#$60aX(!b^g-}9Av z?}*PFNPpa}9Ch@)wS(JtaSEGFX)wZ0gG}&Cb)-kZvyPXM^Gfx_v#i+7dYI;Q6~d(e zp4MlfKZk^>T)%D>;su(}TSSaik!+0IH3V!@reih7K7Qihc9f^~l+_?L1MZGdA@SRP=NZuNA~KN+ayIrbn`dZi(A03qdzt|>?dT8=y*$l z1B|J-%|>0Nh(I)a{mz{UdKTRUAtnjfMSb?LAFf6+swdLP7#of5eY8T=!797?hH{Lr z;6P)nZPk|4IGnw58&%AM$3NlAdFrVr*{h*$pi$4rkm5>;ov9#jtZ?y7!o2wO64rE! z))=sOl+3DmlvT*SybR!tYP2;qC|JCi&Xgc@GvgS-5qH;Av-kJ*CD6GT%<<1yNoX}> zbn?#0->G=-RSjHX4$Ctwr=@`^9wwVS2KI#&sB;nwuUgh7xwLv|rwZEEY?N_EGM|fA zdr({98E@yXz+fshy1?J@rJw&h_j zd|i6Fll(D(+MtLrgfu|bq_kvhGLSnR#CUL~*Yuo*pT7#MWvp1rw{=-bAsB6GCq6kw zdbmviCEa4t?D?Hd0f{m)SC$f!v}__lRBR@v-YM6?%Bx#1Eyf;0P<@>Mo^Y+3M>=VV z09*lR>0dt7wYqIOLaQ%hELJ=h2z6;dh~E=PjOD$|N z|F~xhAG+m^*->ttHGb$YR11R#GDSG?%cpz7g@_u7Gqcl5dXHUKEIzp2qW*LvSah7; zI5ZO_Wz#J!P-cA<)?~;mX@lg6CIMR`%KyFpAgnS%)XE}-?2*U6h`lsqWdRc+Vx-0! zO}}X+sejqMXT1S|>1}?uNY5}-S(P52H3tzZKFGqN(N^4r^(}9OI!3Iah-|hPGyDy- zs`;Bxw9tZoWI3{lQ;RtKT&(GoHJ_zLT&GC9Vs^WbuReAp%|@jl6ZLIxk+-D#*=RR2 z+@Fqgi{o1qv1U2wjQboMJ^*i&QU=8A^b9!(UUhAy&cQ-&PYD^;(#=r?Yau?)j5Qsb z6x~*-s6i9R9;Jk6TsYezYX}^n+!0AZkn-+WXA@LU2x}TISR3|I|M<1_n=x<_DRE|NVK#DsdB_$%(b$Mq`(v(*4BD}@m2S4O)z#;0E_guqUcWT0?>?6qt$CxQ znIcH?U79z>P9wMZf&A(aU5#4PJ3lQrD~c7o5h(gUyw!tug;e50S1p=G5PAkra-eIW za4J{qjs-kmVq`5@pk{u|p}JQr2Fn*3nhy1cwf;8hmP*)vaxK2(&T1&+kQy1N7twOm z$NNcXX2w%wb^pTfQ~NJo5pbK<#;q^xCo|$T^QJki{{9nN_=3~Dk8+WO#w#{c-o32K zM-Gu91=#A64orBb!{p3&^{otMAa)_%OpUD@38rN4Gp>=M)}m8 zk%}!aV#le-U9;*9p2$gpQq%@3qC&)RM9by^H~>XfT-TaLHF71+A~lL4(zHq^GjT_lffyVB^7XP$OFLa}_hnw&o0 zYf;gE;kn`2`WIAg21Y)LzD=X0A*u9{JuA|m0%G_7Vu=?PV^3I9Z z0~2Foi8_dt_{WnszP@{F_gvR(uQ-z5L9fM&<~3Ng?qowRwJ0xXNIEi&sF{7N{gl{g80-?6CQ+cAzLfGX7Y?=JhQ$ zZRNV8I;i|y?)~+AyuwiRt17(TRffA>?yNsW~}S1_`YxV@vY2g}T8GF6!)m9nZ^6 z6{fQe!z3iXi|!(KzKcdgwHVpV`SLa!g~~<1hm*+s?sOI! zB#qamOrw#lbZHB(dOq=l8nwdVGH^ii4MfJ5pfUR4Wi~i7&n;w@P3Ou^yV~vqRkffPQ(5rcZ2|bnS*3 z?;o%2b>9A&`t)XP0f5(5Rrtct-;aFD_|XRf1!wnLwdwes5V1{T@PfHLF_60&k3844 zqQXQE4-g2+|Zy`Iu6@dICIs}4c@Y^q%ItWe<%&{&{|XO@(h$WK{cI`)s5F}207p5cDg zb@;GL!AtpwgEaH_#N=_vsSHGvkHU27Q&pT2sQz z&&%GXvOld~P~nM?I8y>gPicJ_(eMCUnVjve?xs52NGq)!q=_u4SWKwV}%buNXr+J2Oqanzt9|7eM~r{zo_OdQwV{e)B9Gz zAt!%5{_aHj6cJ>MpV)Bk$)(OZ(`HpSs!iw zN~BX(@tn6D6Udm#=HPF@I}o`Xw2Ep|{5=rdXDFS4H|rVB?f9RLTky z5|?}Gc$dOXor!Z9#gZly#CP8_Z|NgG?Z!&Bu~pzoI*!RV))2XWP`s^uD3_~}%0wE3 z=FX{*ImtN&_*o~L36AH^c6=oJ7DxDJi->Z?F*y1#?6O0-z= zBy~sk65B}a?};E2Bk`9jI9R{-YP8*MPH8i;q&1nXh1m4^4xXVudopf$9bWjr_^OC( z(&^u{Kw$h-7NG#cn)vUU^u_s{Oo_S&9e0&5*(x{1%9tejE7FJ2q(pXA*cP0PdO4SW zL9|&(+FWraAL^QwO~+&Vsu8rNZvH+R42cG%?0igR2|aAW%F}Lmi?Li-FHUvNk3?w;iNGDFi zWXvV}WdDT|&Xu}N80*m(KY%@;XKYCtod&@v9o#j^nkV6+n$kjX)>JN2_Fri`iVh*h zE+AtB{I1H&6PM(~lkAQh7Z>bw(_STyHpF<*wzO=|CeE?7 z$QT+D9@DhO%hVnx{d`;UQUasi0%>yH=M?3DyOOWXq0S2-Y`+Ws1F9`;x4r3U@Rmjh zIZRKBg{O;by)6Y5{ArtWD()s`d)_OixtYr*XJ?2FJ*(6Boi?^!g6*wfYejkvp$R!c zTS8=K0V8e_E|Hc1fXpsAHsJkh%}?=qHrJu+rrD8QyN&t1`1>)m$oS#@0Xu_%hs=~W zEdsTCJnI}$3G)pO%h4dp?)X^;58x95vv&Y>@;v&PA=@&E-j`l%j^pL}D(6yks^4yN zx$V`PEqxrE`Yx^ycH6)8+8QEG8c>dtj86RjLKQ;zN-K#Mr)IqAl7{iRB_vB(tkP+peu;Vc=8w-Z&_)YiQa6Oz=f-oKrCVcA!68+Gl&M zpzFqGCvZ*M`SgQDMczg(7bj+V{^K~oj@-IypwzE;If!MAUx+Fw$aQUx@HKL0JC^`q zSsA{g-F)m(AoV}#LM85U5&e+{<2{q3QA6!w7N*7|O!G-QYa&@W83z%q-F$Miv$|9f zvwvw6W+&(!81kc6S|?RX{Oo3VIFXq^67Yn(M<|1Ve=t{3|$h8RO;X{`r@`)7CxQlugZ_Bk%5_pu>%(-ka;G>L2-S{!%D`qZbz>`kt?i z+DO2J8u9K~ehTfcw`E+11DTSlJ`Dp1phUi$#X+z08u?T2c=O3=Bp0Vz-`3V4%XAzz zUa__z1U0N)kxVABgn#j5u?RxXIfXt*WWx7-tVtTDgQW>iUeIW#@+J$j7R_awfr-S+ zggCVeDk&n|S5pm!I<f`%+|KzmlEqgE5K=1p{vri?7&z;GS^A;YjuYPm)7ug+F z16rloU43P~v8^s2=flP*=m2_TG<66%&K|!`r3a)Z8iXc`NYn}}@8^BKiEhr!Eh7E1 zg)0%{leQEjUK_>0&D-U*0#MEtH$#ivIO%K3F35L$Es7a*M$RhFmf&0_$*1MqB zQ7;E1Svuo4AIBxNdRX4hA(GqFp)d|PZJ0w?gEi+z7Zy$YYYmAjK{WI;Y)tjA@%0)e zuoU+CpKY&cJ{Q4fZzUx#rr;7#2lA@vy8aF=u2=SCtT$ih6k96Q6?}@W`~qIhSe)!& zG^!u-WX({$%yRJ;+~k(G&H41-3gAc_imBC6r>aWD78F)(bdV6xDgTI=!2lq&NAQpy%m% zz+T{57!!x2F(EHuS%PU?%SZoWMXy@az|>5>k_yLjB9yyF+#lOn-_3_(H;=%ZkZNKM zqgmT!BZ`AScWSAdrq}7Y&p2Fp`{xPnRJuNu$^K+0;6~}N5@hYyj**yt5m-madbZ5V zsBQ7CZn>=UUJsO?WS8PrwWf~z9j4rL-CaREBT%NW2p!Jkzdf_C=%cWIiil=W z_X}QJE|;OKF_Dv!sG{~)Bhd{#Hu^@C#9#Y`Bd>U^5a6t@*L6RI9g6Ix*;umHBD&hE zPH#>YE2`zJJ6hk`W_RrXhyE2Bo00XQYx67V@>@M^Y^B7y52xOlbDv-BHeS5#u+KWp zW*R;9-BIUu@nyXSgkuqvHCd~xQt`&WD^Dg}Cv|ZYCTXdg%Gl;jb{UBbMDc)^uj=@z z`+G%X{Eqz}E!se6V3AAf?`VhSk6 z8jR|KFD$~Fnx?XLr~@thS9~5i+w1)9#f7>MEfx4VNV`$WTI-{9(2v2GULWE=|jC_MVl-{v-h;b_&|ggdX+30sJZ z(!YF@e@MVrQibN-(Ll@`0vr*++^Wr7eLSdm=)BajHEqk4%SiCrju3oeIm+^>!QNU zSuGgP6TQ@b*Sg3f9QPib@my!wL&YgRI^E8K?wJv?dp*2!f16vu^7(wSdM#FnUMtg7 zl0j(Sz@&3gt^(|H<>jztF|yFDh{FD@bg{c?b^oCkE(;zlAsj>xn>_$9(CgP~HTqSAtxFZeE0Gao<#fb%^%X*S?_ZwEViM*#qO3b|CIJ5?M9 zpP0#8!PU)OTrw^?Wc$|7e2SIj&%<0Z5gk1n0yX{nvgUZkavW?BCNSdj+K2n65+wg1 z-ZCVjOos+`93luiOQmE=*su|whU`S1!d3Q*i6PGBk=M;2Us>+rLH<^tB+TM*U?@K( z@*=HCyGCV1v7}r2Dt$ud#F@ng$itpeRMAbolLdV0r+bY?QBzh3{kd+zaFCOhuPhWWn&@ zjyNI@3!0`|fO{IZ>VpIRumsX`g8^0*qFK4^yMu@Ug>05o)Lw3VP!csy9zl_gAQ_NS z0Zy9Q_J8yT5~D}xpinl&51KA%5kbZJQJ5hR{#T3 z`aeviL%%yKXB&_I_w)X96+sO);)OEDw9Uxp4FeEbe1FNV$1~R{%{R>WU@1arVBsn1 zW#rTT?^hbF5+@`!M-*Jf{f>3&tk%)hJ)O79yA<#yKpb)*24ktZGc%<*d5-)F0d!k7 z-4fpOC+F(EzifCPU2R9k4tc!4#2KZ)vr>)p3C``Tc_@vP#HMb>rkd^8Hg%A=@gGE7 zkJZ0qk%c`ATxaN=pj;`sU;5Rr#j!yk1Qts4gC&YZ`_~ByR5p*6*jvEhfQ1E+7=1Tl z0sYh|uKeDoSqGNnywO-jxQG3r6nH*Lw7p;=YyE6Sj@IPcE4_Uo5kwg+mWe0%ng22S z|JKF0pzv|=M-E)1E6eDK=PeWXXb>a!qhW{1mty~OG;v5FO#U84kpg5tL>(gLypFET5#LrQ82{-onu9C@9g) huny$m7Pklg8Q1hO?DxBxzn=jJJYD@<);T3K0RZ;v4;KIc literal 0 HcmV?d00001 From 6ffdf89ba9ed989b0e89b2069df51136eafda892 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Thu, 9 Sep 2021 17:01:11 +0800 Subject: [PATCH 029/103] Add files via upload --- doc/images/ds2onlineModel.png | Bin 90776 -> 95445 bytes 1 file changed, 0 insertions(+), 0 deletions(-) diff --git a/doc/images/ds2onlineModel.png b/doc/images/ds2onlineModel.png index c172e0623aab3107fbdd66ca807fc0ba6c5646a1..97a0e561961433d90db81f641a555f3612f7286e 100644 GIT binary patch literal 95445 zcmeFZbx>Sc*Eb4;1Pc;8A!u+91PiXg-Q8V+YhwwJ;O-VAxND=q-Q5!$8h7VAJu{hS z=DBt2R^9sQtGc(|Kd3srd-pzjueJ8l-{Pyh><3ijSI96hFsKsZB8o6DPt<`wW5j2` zNFh~-Hw+B&n1!&gyo9hYiM)fIsfD!(42<~KxC8{{7!6$CmB%~|O&D03Z>~950+QR` zq!1L4BuKt>CSr)}_5MT*fBNEuJUk8!a(K9J=+g>)19|yQKEY==&adfb<&%ij+XwgN zmZ~_mHbG$UVZ7^dhT{{Mt{@6*(;vt%#>kZ-FCKKO>#yKn+2Uispkct`=2y%blD^^L z!6#v^HzJ%)wVoRL&KMzjlCWpN2!z z^Zkg{eqc=$^64W%J8n{v6xB7yXBiA1QW$KO_OtcYPU(BCJ7WzmTsoER36KoZau5@) zX}RiM#)s2Z3RYp3m<~h*7CCGTzhZ~p>m>=jSL8;54(7AZPq~yHlm=tqMMjvl_R^R; zUdPKtTHA@4A3e`Ix=*a+)ELZvxfu+4W2RpHPAHyEbbTn%Al{t4jGR}~bjv=e@(SFP zKl^fcv*+`0IVUfR`E-w#DV_wG@wwyE2i+?7d*f!a;Ky;M44Q?Mt`OwN^Wo%@3_AV6 zZtR{u%e9XnFEdb<$wNCmlLn)KSp8r|$}gs>kg7K(o>h?pT#X#sE`b)sKaO5LgC%)A z>dRCvs_Oz{Z0}e}nR28{t4+F^cT#Eod|hH~JQ1!o?&;9<{PZ*5zAcv<+NNgKa~`3> zD-8m*7ch+uomZCA-Da>Kr?Di!_S2^Ri)g{5Fljc{U#UIk1Jk`aNLrtr2)xXHVv~t3 z?MtDU^ycH!bn!SplIJ3RZsqvpu;|8cFVxXg{mwICu>EZGsi+ZD^!f9jeE9Kp6j|2K z@h4{eGh1KpkHq3_%xfcw+Qv8&l?NtB$pzo)j)NU_Q zk(oX@{_=7|(SA1bBj^|I)oU-*gP`0a6u0M3<;i1dCGkwYW@R@i805n%BTIhP{6s4f zmt`q0lkcL8w@WD*?D6&Hb9YvO`Kx)%{a`eK57~3uCfjV=L)#8cgbhzYuplhnFGQj~ z9rDb{_>Q3{fnUFNqAv5PDY7Qa|ic0gF;-3HexouY(!WH z-T!f67*uY=`C69HEZngp;Fo$my*8{Z#{u&JeJMIe=>XTJ1 z%&$2g94Hw`jwK-CCOO$T137}@RF#->p?fm2y7Jm*vMU9RwX1djTLI; zcWJh0BB+Ts@*Pwiq`ATuHNnVWTreM4?F8Ok*gf#h@LKy?@p|oKWk_U|u0^ht&38jPDW`%qrOA1()Jo(_G)naLtKQ2jsqyN78a;|`gi)&lle*!;HePwM zFJQOx^C67Fer;p zhhMZ+q*cjhQlN*VQ$J2HyNy@apL8kGtbU+;;OJ9Sg+lR|Shi}mS+`}k^qTgX*ct*Q zHWqq}2_+k4opi-_rwOMC-tQcP`m6}7=^6oZ&W^K-W2ts6Jxw!kM!&2{%kwMn%gMD^ z=&KkA7!XR7OZ-btiZx4ghgcI6nC)(xO5InA35!{a(bZS#6e^Lb`>HJJ+>NYE2Wm^o zn@v7coK|UB&6r-!FE6HBwaz?*Kba!!G{_dt>rneZ^&!eAX6;LipHj3^?gWfZ5|QkR zbn9NI{e^=r#H;^0CL~)be&B5azcz!;gbsmr#t=vPNScrSLu5)i!9dBp%&x4XoWsf% zS0gCpDD8O4^lq32SQWHcbkVQCHOO<%CYF}Vf^dF&cvHU^a{R;u8Q$`cl)BX(k`pc)3pW6k4SHkYLJXjKzIk* zoT=N9>XB}qQO8-SqH4HS^uy|29$)V;r=!;-5_4vA0&|#(nN?A(=#!GPlX&_sOb-oP zf4VtHa=y{#uzh=J5v(O?-(RI%H%VCVh6i1j=8$3~MQ_+A4L4FX?t+w;{$Bn@M9f;u zk&=&<<}^n@B9gJbT-noNcwF}zxLkl*XS33Jt5QKBGGF!iSG=zam9bH<1zLt=*Rm{$ z`{_DS_xA3CCu>~6T>hyCIHq*$C2q-(1kaBY9u%G?TeM3m5H-|N)8bOyCnXZP6JS*z zn}_*d&JU2?X{?#NvPX)M_hp=iOM$bf``4P+kdvU6)5p>Zfl>iw=JGLTqp8d7!|Rnx z>&k^{&xtxA*0HEydb1Yv;uVR|1z5{e}H~q6J7WPKaYj zkjv*ibDD2)*zrvZVB@Vg#oO^holc!-o$<<_m9`oODBsLm9GuZ z&E!^eN1A0+G*v`ZGA@rVmkKV*Yzy8N(kw+RWi&tb`6WKlLD)fnSg~1#Shf;jzK)(2 zoz%&9EiAJewVs_v%4d-Q;Nh_^e`q(nI%-wn^o$+A>oWjS!v}Cy4Fikwa;>mq;k>=M4 zyF)mfX6DLz(9)6svb%d|KuAOgK*u49=NtD@J}ufQ8&dqRvm=<%cF+?Qafn_Kq^;G^#I}Hs?6W8ZKq+=L)I~W0NPF^)Rq<8mv`oTYZR(Iw+C11mG&cX_u zy@#Rf$pU?O^(Le5OW>O-iC8M%{XOFwrWbj$bFw{THDuWmJDr_c#^XFmD+*%3o{RX*6F4|E!_b-05AMH)1%6-&w59$ejJ>OjW%f(OrKeF_iAd2s)cLa8EQ0(Q zN+G{!vLEOm2~>nIzdt?(l15JWt9;ogjHKkCA!l_bg_0oi4)I7>&)Y~Ww zm2nPZpY%F|T>bllqbRROJ(#=k|ihnn@Lb|=M(rDkJbq? z%D+~80JzZa^Lz*PKWhpkVTy}siMG*B2ufS9Gy2mA%m)0);NPs0*Mg%~uc7F1|IPWo zzEDKW)X#-6!28$BdjMv1SN}X8`v&?kmet&kr4W&B2WMDPMb*k@ajJ&`E%Df7(YarpCUH?*JdrH zV4fD$u5+UQ*KU!aB%`^W`{T@hWG}9cI?(sK@bs#wgHK8g8ux3f9`0|q(lSE-SWjLP z{@KN$q9$qkDL z=eRjYqYhR~F&#EI8)%W7Md8?$6a0JP(`q`=~O`O2LZt7*H80fOnu(F9Y%L@tGOn z5{7G(!~P{90@s-JSF0iWu}ZRUhkT?ZN78w1KB2OgPpRoGiA50E9Jbt+q7w5p1#%yx zxh`7>2R^Sb=m^wUsI`g7t3m}9`2j2}%$I_1B-9qH@SkOqFt32K?pII97Jbt$sUDZS z=zSBB$fsnoIhgd_m*w&P&}U6}#p^Uo$G!`vC6zM@6}ruE7>K_8OQ?WD)tI~r{4md{ zw32=j38bVhz4^GCz#@)rLqR_z#ja&emjC|jWAI}vj%W;j1}_$h zZ{WHDa$W3U)M=PSVQSL98Kl@sbqwEcIvuuWAL?uP>5sAsVuxP+FEGfsGk@P?6=4Bn z1&8H0GQ?V|8OFm0VwYJ1wv%O-1sk@DIX{7K@XJ?D{sFB*BNRRsn7v#GMekB%ilECV zv-=TyU$wQWj7&-~WI?yA6+STHR)kxyu!w z!&9sM&Yg)otrT{fllK|Y7~&L1-BehsIfD0&T8e9f*0J<}3`7&YdZnrd-*U4{r_`C} zMNZF>DyMrQkeLXN{Y=wmPQ+2{8QSYa29zE^VPeA}%f2ukVw`h6lqROSUXQ`idFRanGWGCv|-5A~H65G#9$MwMypZefur&#+%N z1%_x;Gay?J8{vyw=$t=cv|Q#)tlmk+$9^CNO|GLg?0ip|zgV!-Tf3^Zm}tT|1q7_Z zBwnNYomxKV_JZxCTnXPV=Umc^vH5H~0Ov@{7Q`Pz_7nwb05AY;`4rPjl^&Ki(g`xn zQ1%e^nrj@;6$xs(EP?<%To&y=Gy=CISmUV)Ueu4%5q>)@n;I4EPg#@AfND8zVb4(x zd&SnDr{l4cdjU{r9+|EfV@rWK&~b#9W0{!4Ry*we3WmTPOI+o1gX>}XCAcrNM5|8r z;MKtf+sE=JeuY$ku02l>*m#1^sqoKQ=+tzShf3~sJ3#FxHRLg8cZO=PXj!t{r?vA~s7M)d2V%^`MzUV7*S zV1d`HwbsaHaNHU$sbH!Td@3a_S$NJ<6FRxp=QuYU;hXhHkz30&3BCIC-R}XNWRyV& z*ue&*$vbDc4#R9%9s0XmE@{l)dYuM-{b2^|XqGWws6w}3Rn}~|Za!aKuwT(b^j)rR zx2Vk4s<=WdjK={B75#vg4*bI=EOc*OhQygj+XknY*ypZ7EKR4;rKDm6?GMqhobR6~ z#~0^$c&9Ax|EI|?rX04$ z|1jpVwjw0Efhd)Qj3A8iLF2d10M#3Gi&hUAE!*Ve_SK*t+sYeYcniWlt8l<8@1&|DE7!P45m3@ z-2v)I2GWN^))9nWSGVjz$0ur(|5gZkXW;?G;Rm1b+r}yLz%nqV#y;L{@%JsIF3jlp zfWmkdtgFH#?1lfF&ZPq{EXMbzkMRqUx|^O{_J!u{s{&i7lU&nR%!3y z_AtVJ5l}&ZIQGoZ78PUWnaoFS>`rUhmDpba8nGBkNMwp~gI30XbfE`KD&MC?od{nx z0dqek@pG8_u$m%4n`H}X_SDjRx7pw=CG<;brYqB2=4tq}P~O`$9d};<#-ht&hdtf< z#$v(ibjW6Rvf$Vtjl+C2(=7uPaWe2nH=S$6ky^?rSKb+LZ{n5{N67#oK}MqX6}0ik zmrmyaBU_A_AWnw;NHR;;$oAFqzV2dr4%#iqo6nBmvm|}q=pVZX*c6wuu@9cP^k7@n zMwk7)+6CJp1vG9b*+gLQ1WTVlH8_QU0EBG6`EuE%htTy()a=wIx>y_VcIEM5H7Xce z?;NzvkU_#^artcBFqSb-NK|)CME~Pq+LNIv=MJ?l>uoA1wty2}y*O=*ALf zlleM3Vpj!6<&(H@Lhf#jm<4+>0t{+0*k;rWexDY#@+|6p$mwQ^9iw3g^(&}JoHdH5 zAr%gsm82_)t&N$BrAx~^+$IfrZTJZRz1DuMJD1^;2ta}NNbl_VF%)V`TQ82Uu8z9t zsv>ote+rAH%w&`8jvzjq;ifT$?FBn--4Nu)R@*K$ym(od^C77l>Wt-c!-DVo94Jhz zI={S#w>>ssz%6mts$_wP_5!C+&o*qHA%5c~m& z#`Cbcx&Jupabo)IpOGrEYR<-`v<{b>LFGxz9~2LBNBC~7xdGn?*M7@pp|*tg@$R&? z?HPgcE8LqWu!z_KzFg{0e~{7rzTa^&0=W4y>~rKsR5hD%{>Ikejd+)=s!SUGC-4R%xTd`O5sqtNT1zxMN&4-iQO zSQ;L|DAfP*G#P|hd?MtSAeug7|AbT?9z|7| zuQ@OG_W}NLPIjXNUSJnfp3m|G|E2f-_FDL$QAd9sxEdSoT=-|Hn%K4f#e9z0J+?Rv z1~nXP=>(ZTt~m6r0FGT05_X%v$~vwR5B#pU{`%|=yT{%0$2=Q&xLk2xNHz9{0QSE; ze+M8C>>v8_8b^!-Z0O<8*xn%F+Mg+6eyTk487=6 zAID}JFcDS#o)hP8r3opA4{l8fy}El^BQ|qm%UN z6^dWWR}$gtWeH;VoYm<3)={1pt5130jM^bi5(6B(F_Ms=kR@?{B4cA&YgFJq7bNf& z$+!`>ijdAUg_-~^PMYLA_nB(3B$3U{GrvF}x|w25Ey#^R%2^grO8JCC7l(KoCJ0dE zZN8FO4VL)jDjc0^jULV!F`V-oU@sirsXCPK<4eHgbh-3N$JrnO5N7Yzt3fI`Q0>=B z68S!OmgdPH!76>(vMVI=UV!v;nMtFDNs~;VzN^vrbN`Xh{YSGq3+luASu@d>8`{SK zT>2eTsjm5pJ5;u5_x3cEm8*9=E4+M^^iCP%8>x;O6i&D+8IjTDwALM zP=1Ia>bGgaBO(2kIq2%sMWe3TJx`DTv*RZOFc(KCr0MtfvAljli`GdYDi<9x2qdFF z;gi|i!juvJ4gz0A2^206GlIi7@s&~ikjVkn3WpHK`0to9Oc;pi?CX{O)+K+eF7F4p zhqNE%cm8%E{umzR1cqM)ao0d&oBwDr9C2Wc|5^I~JwcLH^fR_G;VUs`UD6ITA{;T` zas{AzK+KQ*Fa3fHbvrp(hp8RmiWnEZ4SEWk7Wn~}nk|$C^k=3-lH4~$pCX(V^l!!V zDgXwzSgcLAo*?&#QTnB>TxI2t7fqxHc zL-o}E%>GSoC@nMpKR}arbl14!f3Q-Ne6&D@71CZbKg%L+1)T{2|f^L;4Q>xnIxks#a+o1@Mp{f$ap`y7P#o1 z1r*MEwmd>H$&w8Br|jkv09L2rc+DE1r!lvr)|;w)TVuXZn{~C z?)JFbz~zPrRH7B68nQkRUw)Z;IG@Kacd3!nnbsghyx_KBJDqi%6+GWbQ&r*|^8Mmm zPHBQxU8`(ws*aw8NsZG=wz9GClBufZwDUagTBjNI z7SxC)-e*sX#>74WC37f~@c{)IEEvZEsPkxw(b_IUmt-Z?T8+jayEQp1vsuEj(8>`p zxtjQ)l=*o&r*aSnWFwBw#C-px?&D7MWoxpr9f-Y+QZ~itwvnef-W)P9()h?)MpCj( zZ=h8+wWQI6n_eZcBI`0wM5i&+rFGLJ*L0fQyjrZx|Hv{B4_WSZA+D}28Mm_cDL%J5 zze?+D^<25`BYON;tmC@9TYF;Xu1CZ-toxcB;D!0Gg^I3Sso6|eo%@ww;oPP$3ILYl7bGV-+!WWAO*6b5;DGQ`Bb9wOn=2V0~bR6A4>S4Cgrpqf{gR(X=}_&nltzy2Uv zwnC%)_6otsW_t1If$z#a&rtYsMFhXub!o|7`@Pz+Y7y7)#!&{kmn}LvAwj}huR&$c zc^V0`gXx)CoxGqLr+#fpKku(RmACd z{iJm{DS5LOASWf&_X@K3lGxdX|L0|MvFl|myN|aFNB=1CpJ5*i+=e8{=~9!nr${4| zpT;ERx`$}BpHkE)#ujs94zF?o9dKkleb$W|_q(FJ)o|&D;ygMv(odp-mb|juWi8AP zHf_=>tyX3!j=pjD{Toq@`T@K3w7Wa2dzTeMXgG zQqh&nsn+!1{V?6`C}~DVt%_eRX(nxs^arsg(P8P;&pVU}Q!shP1|&3`U<3%0@2P>t6B%yTgIyn%t$uQfJk@b-5%i&-A6c zll;&;y3Fq8vhYffcdK)3bANQlk7fTy>#+|oMfHLkj;Qf7(q^*hryHkALLK+ZMsJ1^{g;f7c>K~;R_S_~*i-{X1b@0GqoYuN zC7JUa@Oi?-^hNOsn0l*-!%$Kz_&1{K@|0pthm-7-ke}lpcg?$4<_cE;nPU0 z>?T<7r&ihUAexK0(0r$?KM`al?HnA_G#RZ9V)tKI`TJl(J-s=HIl4kaA+BkCP z(d#I8PbFB`;T>@Ncn|*a)iJI8yDy1Mni!j#k=jfve>G}ayGO5T^V+qw;w<(Tkt`Up z5mW*z!-&7k&8rv~M*lF0j0QjnJ$q9w-GjSqiADRGm*(=Byk!J zWkRpY$7+-rUE-6PD)Og04_Y6?n%TAc>C{Fz@!C;kK|{4XW?w*e_r@7E{2auVB`f}B zsjV|GW!g*Y*rmdy#HJsXc@|r)h8)hR@|0_wN+YyN7P}rQ?~!${xmFt@tjmf5=ZEoH zY*y|#ry9A4S_gt_9~=n1=FIlzM(EU-I5&<3^2iCDPZ7B{0}Z~pSHMcCmWEsq>+h$U z>}MA7mkXLT+2$=hRE*?tndCiuD{H>qAis5x&a#sQk1y6+3|n3mq41nkh1`AlefSi> zAL=H8-321fSD$~3r{M+~&D>=e>xUS=(=QlC>1dD}Tn$zaZNT})EY59~8?ERxirWl| z#*QUaJ>0CraT6x1>pNH5GnaZ#;l!4QAC|=2QR-vyt#L_b7 zE#tD#5y7iRBbU4~HO={O%LP(lb$b#%@9l22QLNJ@b3$r1hI~xF9-Ys8rIYGR$BBsM zf}APz%LfwMv9YLWaC1A9GLg_4?`U;*JfpGvzV@4=R4mW^gPcoYQB|&%zVt>;DfcGp z@n7|r(H~H0$LE}aO1rTBVr+n95S)OyO`*iZX^NUk3a*qN;`rDQou#-&_mC7aOFu*M zVoyMfnutiBUkVcen!DA+yRAy9{T!)V+~ITEHpA|Y)baIrxR8x8^qx7^;eGj#m##Jo zgYmnS0vh+U1~Q7KqN1@lR_=JEx}=a9SJGXIsxy2^rt2fH!;6vH5&lv5zkKI04padLPC;^Q@YYq?!@o3+&V zv>t&tn|jTt%%V^*17d{X{>lpaVUqlKU5tqjpA0B_> zxHU&)TSWnqmY60FRF^tlqOi2n@F3%pS{#s(T{!m3z1OHcZNE5oZKE9js*Re$<=RBz zup-rhE(4T=tDG#5417-bKrO*qq{1l=0j?~T%W;@=KBe*|(c(0F3>Bb2A%Y-~`T zO8+#)V_@nHhcH;&YbPFCvy2Yij?HWAkaO`0g?E_i9As_krD@11QH%(6|Q`+iqyB%=XVOQ4~I z0jv%d{OMk|IRVKCy%eRpyWBu1v9xM9`c**oX6P;B>noL@Qd4fza;F*#@Tf{jiBhb>DU_#j^uW4;eh3tO$nv_B1n029MVwRw@*t3Ybjz zizCl2^fJ$S84m4SL90)synbO5J}r&BvyHR8xa2Q3Pg~M1G)Yz2|A;4e#GH4xw61-+ z?4WStpL)>~XMO005-ShVb)DU1pAv<5{sQvN;E&swLtXP^-;8NyMOIc8u`-Bm0N0QD zus-c3ak@UbH@Qx_?rHx%i;h;K{Gq8`y>l%&a=rbWU{QTd>3dDOyhPhQp(;K5ABDAv zkQ>6Xhzk_X+t35Oly{3AZ-4t6VWOE|PYv{bCPZaF9e6xegaBa}mxDb%ARPi0Sfj7g zSzYwT*ma!!0!&LoHc3o=vf>5bso|Yv)p;JREYqm)E(*1cfR3ut>{qtfvL^b*t4pga zb)0_CPM>j@?C>*cE`#jCBpRouri+{^lw7oE&{&RZP~eYud$9IWDkh|Z=LGOx*hN;& zOQ&#+$TpaWypCg%P>3(^9xilRUcNVi#BQoKZxkyLra~4ghYf3LmBg`|02TS8>fnB` z#YN%Ke{U5R?cw(4gF#*Q78T>;!;II@Ez_l=t*O;spFZhTr^$0-@P*8UAL9Y9H*cM; ziet)ZY-x-gp+QG#&B5$`eBIL0do9Jy3#SlPy2_vXA4)9f9&zEkqftB`A(M07`-Rg; z8{6Dlvf#rh;r(Hw>EPRhVyy+L2iN-M;|-?TnIE}(`72rYmT9G|2M>eZ((u?4yb&O1 zIJzP9Gr?}9%I<)_MLSuFy9xtHwZR1m1C-ssjBK|*!X5CS3oWLUP#|yO)_rM$j;`bM zYvqx!HQe=^)F%3Zr_N0&=;Bn!wJCCW30$96T=VV5r8dX#+nVOtWx=I)rIzl)vY4zk z{tk0$(FpI%p#c>)1w$Hjdpg22RgWb2_^hVhRm2M z{QbP7)a{JUbNy3=%b4!HHHsOMbZ~5Ko2}rsHVPNjhym1-5}*Mxg|uA?1v)A6<(55R zRe-CBOgcIZUMiW)PNS&?6K#HY4;gS}T-C1-X(Ly4I;YX^G|!Uxm>r@L|3wf;;J0@Wh+8^u#G;#@H zeB3Q|1|^v9tB-_cV^J=UTz284so46XY&?`ywVMQcB=Q8={J~0DAOp4d;iJK=LOE`w zKFXiU6B=;=YEuaKPN5txcRYagdx#=Wz`v7M82Lm%T5yVW`V9M@zrvt~1~Ft$zPmx! z_&eE^=>cReR7TV%l>R;33ytfZC$9brX5qIBWHeQHjb!BhJxm59b!l1jga4iME(`(` z;&~_=@4ulV!P3C?dwpq${<8^SKmW7of0Oio52Z6TNH-o&_B{iPshIuD|!{v?f!hmCWN83 z8~~Q6&y?!ebf9unQ>D9Q)yJ`a+_|xBIUVM{SdWpLr^@ge|52kv_@@wMvH)37mCgEi zkurb7sYX{j?zK=>`e3pJo4Tc9r94@eF;Tpv@d(}v_1j-T#FAOf&NiJ-(0TNqJbPaL z1dTJZRMg)44W`?E%}kSF4S+3KfMQyp*ch9dDb4IH7pZh7GSj%0;c>t8^E-qUimsEA#O%^;LB{ED%7>KcOu*E&O%*fTSfI2}1MkXU558fU(V-H0BEu7wuX9pn(=52rASG6JF*KK6#!_FHv-6;Jt)2lT0Bg5 z-+bwFzx=TSbsE4XEEq-bT2HB{F=!P<=z8;j9us3sob0R!|z@ zO1}0NI7U+bbY6djT>xy}TpEz^Fo{-w$iYNj#657(b6elKC6^SN*87X;EK!t|HAeT``7d4oJ6(?25EiyFd~|y)*iML?ClwxGtHcZ$T-G&f9v^NO zM))7Cc|FdU&zV$8n@%KSDhq<#a^4|T+pR2Xskh#pNF8p{a7-@`_rDS;_4lATx;q_N zNPKGq#hBF|EHwsoaPdRdlH){Wa208UoTC8H)_fou;ci^7{4jt_IOJfHQzWCX9^t*L z1`5|#pa;RsS@^;>53f0sggIy#`@C%Q)}W#%-~@=(+W{%U84hJVAt?uH!Lu?POU48A zRiPQKxnMPehpEZ|Mk^1k2jI=~i(tp*F8u@@m%eP}Q}kNJ;+u1b8NkN^Hkq9Vbkdz0LMB$MMUS`W9H|lQ!C01otj~zv)U=CTiz|Z*FHDpF12!o z0+CcpG`r^Bp-asinx@!nP5`Jnn~Co-r#$RSPD-}`U}m++S|F1TNjc_RooV$<&OSI^77)u)dlVHO~o<<0Vr$#Wpd8_NaD!Su{eKmoBnsLDKyZTici8o8$HlJlE9 zdC|*dPdlg8uT*0D^EIbC?+>z&H&t347lKm_ak!+^*RivkhWp|rHk|fm-)hDCM{otO zI5;|ur(X^*wTcXnZ`^_&uD9}rgbmk#5?yKI9sW*(Gdj;hL-WH8ro%XhH;uyw*q5i-|yrA=nX*wjvD|ccL-!= zL6>QAjT`Y=WS2t2cHB%6z0HXsscc-se;~Ms;NK|__z8?5*4N!VY*tLja!=*20jSH+ zRJt_&??JQLtMod@Vd5OCH<5v=<&&m(0wnY1*)s^@bf!N6Z#YbXo0aN_tRCQ9rj@RAzb0MhWm?!H)dnO+L<9vOGg&N4I8axMJ2VG z>&2)qPwipgoJoKB_lhtYnuYP3iH4_c@H-q7j=hQC!31ycAr}fEhg1oC08k9){gQ%I zdB&v?o`H@b5sQn%_3O${t!~bC#sHiUBm&Y%L*(&dd-HSm78Fky%Ll6szodk%$OCr} z7+d=hOnSb*Fhe{*RSa%7;?5mJ7#!`qbHD-XbJ3;OSWI-MQj9cyinY?CtyxMc)fg(_ z1~eh44kv&qfk2K+y9%BEuAI>Ar=LqdP2Q}ASz4UEIG`c4xHl7xtY^y&md`ni#LxsX z(csS(sOubto@m>GH}(K*No`SC%lydG$xDl^G*|W^94Fj@Cd(+4`ck_~!yk>mb~x%P zMDL}B_oZ#*Ak!r_Y0lHfeE^&@0zEay8^V1v;`6}D#(fL8&|jf0^q5~kps9ro=~rBm zVTxhPjjGQGi^kqd)@ipvtw?#xzVGCuULc?6A&8p=h^HspYoVt%fbY-Cd`j$DUF~r9 zGe4o7^eo=Shz_f1Hk=uYl^}e_nA1d%R=|lmA;l=wsNtM(PT5bMx+eBI^3(gS4?w7D zU%U~crorV^4uo6);Lfm#Dw|Lu-g&(>pQ{eyJ@8g~NL69ljqcrXgwNS2Q3vc(@GJli z^D0LhVu;BnOxm4DebLtnz&2B7>PLF{5wXPun9_yHafUnrWD_B%Q+7yiDpjX>{SU-1 z07x3rsMPJHxr)r1l(e5XwB-t}ioZ>GHGJCkNJ(vu4ZXj7erK#FQmsqX<%3A#V=wu< z>JI}b7tF8%_-3ADQ$Dfc&C1D71zj%91f{x^;`+Wx zAW^02537)CbdoJ3TNgX~IkBoGAxqoe9rxUho@lzMBB$++9_N_zmLXwLCOQ(Hj=`zu zQI2(##?tXpZ68$53;AhAT0Sww@^-R@ipkdbR!}TRQFi6yL*@(c@42{s~R{ zU`6UN0-J#F5z4jhuv2$zdI7t~TymQFK>F{<)Y*8?Fm+rpOPndXWZM|AkrZAq#%(SZ z+__TefHbM3W}0<1sgu98pon|JpN)&6-`x<7v!Ee|X6y4yC>&waytpA$kbfbnD-#SC zPL1&uF0B_i3y*is+bDV~e!_(k#o@?9etp)fiRetL%<3lH^WZHF%?5qjsX-Tx+F3gK zjjY+K^6-7mK1Mz{VE*FXC7Vp*@s83wuO=co@8(U}_7g&<*1W1Q8Hi`Av~0$1{_2YL z8I;4$o5{(4uiiHP>C5t$-8M0W6$ctMMvMS34BUf(_^%n9dl_`LN>hs{W4zdob;jJt zCBbT#lI7}tGKv5>2xzCCNE^qc-j!_9m6M7mwV&*JOD?SyDRD-w@Xy=BRu0khSZXgY zkq3)Jt(EGQ`LBJ}5uS66q^+OQnZqp{>Xe zpjcRK9UwBcUajq0%p_RNxBv(=fs2f!vjab$d>cU}iBwy^3GehcTqTB;!conPuICFf z4~g&Qsfr%wDGzn6_YA|?kcA=8$!){Rc4Hyl3$O^&+p}@$*85;=0y3vv4qa6}Q3Pdh z&3y@aI(nh7PgCLm8``yJNEgz%EmyWgGV?v2NK5n~pwapXTcCv?+yD z(aI^VGabUcA&+seEuycH;LxEl-nogd!eGHp^WFRiZz5tPC-HUKZ6JUt#kkSbc^Lqj z67pB?lvERaKPSP(rq}4takF~(BGk2o3C8MoD1@jU^~DZa}S-oT^% z^&a(}?(EKTDC5YJ(l935jV`W_1ZBiwkg7^)b?`_ zSURL3u%^8FB3{IfbK@16LbHb!y(=|CX>!EplQaFIr=%uR(c|AQ@@UnrV-slPw&k|< zzI)|x5W(tjJIGD3Wd;#wd@xCK7`wU@M zFCg;RCT)#$DRhXlbKf}$c=-H~J0Lut1+U0(sQJi5<3J#-i}ju|fQzQUB!@_Dv!ruh zsEKGDmr=sZM8<=+_f#P3&^hwwdFH)PGf`>7F0EduZoheR5ioMy%Gl|dpVe(9UmM4t z@c99LBuM+33k??W9T8A=3+rhqw2aTCamS*|IsMfg1Nr81y^(Nv@G=>Jf0tu{#v3dd6PPMvADVP7wtGGk9BFCjy_RG%H z)anjt&1>P@)|X4J96A#Ll3xVABb*E{HWrUgRBdi04+T@L34$N{EP3r$MGoJ`?=Dkp zxB<@b5o5Yys;VBy`LH3LUcTQ~_k`L%w?7)EGCG%07rpHjK7FZ#Z0^rfO}!Qvs-YkGr-f}=>= z_RCIx+(O2ttT=XcW{W5+68Uw#@09COteQ4lfOgd{KgpS5ky4OHZ+u)GJK2VGmOE|b zPufLi5YmkGzWDA&XtxmKxWkjF#R=so?n3Xf#de6ro8>DRj4`T45IKIc z+8nORHphX1M)~Yxp}-RlqkIpbNnuDRq&Jy=utNU(XlpUm$MRyt&u@pel2tw;^U_1Y zny04~nLhy+aOoXKk^ERH9gV4j&6IF@>B5b2xxWeHS=s1?ilaA;${d+oa9GxdU8Wf7 za!H%g5b2FL2M?QOqIR}Iu2RLsN(rz#Z$6WHR8<&t4~hJH_{2{t?~N3q7!)uNzAjTw ztG0J&^ZAiuzmRm8(Q&>0VpsW0T%up?U6i&#)%k^@!t{FOw|x0Z{hhFHi|Bv`>TjBv z=vOZ5ALDt;%Y2N>f|c7Xfj(1gS+?)2)yr0dK*{?~svsdiX!kKO!d|}By4ASP5 znu7>}egvmlkV^y!SU|HCCCB;s)8c-JkY_XwKXW8vET{Mb=HtvADs7YJ$f?yEH2Pcb z<$P|GYWLW}Er#ey&L^tO}tb5IH3m^O90*UTZIw|?ihp-N*8#3Nv)52RTgY(?e!$@)w) zg*S;1ywZhH0Hrb;C_sa;J(m5UNlcj!cb&OMQ5QY9TZ32^eN}!%7o8Ss1VKT7M4kvp z&-5Fm_E*Lw&z77!kZV?n+BJ8quL->;&;3v|YlRk1)?gCzlkZKD0OC{%gU?AKZke(Z z6OASS7jM>EknAyeG5Vw|tFmuj#42*q`Jn><1#cIXjv(6gwUp~{!zE+Az%5Wka+sR9 z!lMN)3t-ghg5Tk82CQr4wHSFQmA%J-7n~_1dQ}ryQCtyh4M62*uJ64Dq!Z+r7>uW; zF4e8tNHM6N`RO|smYl0Qmc28R!lW;qn}4Zm8{07R>Be_UxHf7XA6_!l*Yl0P0D!-$ zPszaD|GL2m?`bOKVFS#41&8CPqu0 z(*bhZX)*uNkA;jQkIsP!)iP(sW$QDR?2&VZ>#}WSp<}r=|9zhxd+cK4kX? z(_-52vU-79`rKPPwgv_nYL|GIt0Yzrlb(Uzt!XKBj|{F%OJtY+9T}}ad~?k*g?8z{ z?0^z{duTM>e#+?v1kP6uX<9}^;6A{)d`AhJl==cOmIrq06+RG#dOU183^3H?*pyW< ziyrKoIE@M-E_&s)Gk^FDGZTe zq1dX89qi&%swv@TTeL5^W(s=2gJM92sVoSS1`aL+6QA>A=A%t)Wi~&EY4NUIlyy_w zeoXKF`kI=|1NK`30P1FTSPZRSN76*HM8OYCsKU+<$%(;_r$ zEODS+a8X2>r%{tBCVX3y6cO{zgKvAT2-X42yJA8XXPq)KBIshIPW5ke}{3aaKTQU`=#@z?+*G*1hReFGP&m5MM*H0T@8EpVyJj z_*{s7(a;>FgRs!2$`_*q-KZRkqbr;nfuu8qN3|0SlZn&KOiJ#k1^T?lomdJ0l0Exk zf8j%3nv3Q-oUgGZ?hXK8K2MJG)T=kmt**azbHA)7#i0lHH?XbWX}M|OE^3!GEl7wV zzGH`Vf7k23zDX&Tq+K!41`&LH>}9@J^!0{Ro)dPu%|Y(H_%+5yMoGT+F^)sbqEZva z-diiSK$A}#DiKe8X82y~1V6(T>p4;p0V2JBh1z&A> zf0qgAwmhDD6V6GN9+@E*QezsAJFI%vXBbiica`~0vru5=Ej-+Yh=3H4c@o+doBmBn zE6}(!*gSe9MH2dwwfn=D=Do@R>9$1dPq@vl>FD3hYoUD)H}J{gRCM>I z<3fMuf93K0q?no~nN)si_sTGFJ^&%tY;V*X5a}?at?b1X56TH`HQ=p3AI22xW~OmdPy56nMcq=ktBZO43hgNardUi@<{_wEg089W1~gXvq- z&IN}4PXB7LrGZa=_tt7DtH4>ODVJfUISh5XroP5b=P27%vS2U%iCz!G<^OpA7W99PdVHJ$0)dK(EKD5ICOPo)ODgzAB zWub_L^9x0e$9;j8W$yRyK6rUoxIQz;I;-oF)c4PdB#{bj$!|S%7x@AVKm0!|r&>+o zpJVq1q8-;RKL#|`{w~z{Ns>f*)yncYstK)Zf6@?pio*F1M*Z;!bS7aJx4T9Cg%ta< zR0z0;VsOQ65S!os3xHbv<=DsHtNyMZ7ywQJ@|vjaf8O`UH!p!ZU?S4-*Q~!ULIBh) z3dIBetF!|^2g!j}?iZ*C|2iQ6G7$s3Z)V+fptjQ=`eVH>M#e|bbTCoDh(Bj$^K>nO zzczyJrgw8ltDf1@rvKOL-+Q2i77sTCtz*!Z|#0o`^khk zpt|rl2lPb|0G>b?A@?*;jj>DN^>hh)KVXrkQlx6{$nCs~ZCCYoiYuz{ZjZ0-_*fX= zKHSVDV4ZJg z22#8hGJKU#q8D`s7&?2kQfeS$?GPJva8>)pUS&rEK-fp~7E2T@QyJf2(q({R_Cu-l zL|zzE>wb;T16TytOUF@P+5C!)coS_gSui)2E&8HzT3u(j#d!x4^-7U$)X{3{lFJTc z4*~LL(u+rn0pqVOES!sJ&s|*SxC)agxyoYm7!&fn#MAl{yDh#dV0hSiHlGV|k8A08 z+#EDYGC!4A$1XJoRNTA8#quJ_56{LwqX`jZx&Z`G5sLIpK?k5D=wbG8HsAkdj= z_x3c%RKX@M91{mXl`n_!*XV74&epPc{)ps`Is~f*sRKlt$!3NAcYqOGEb_cKbhr*7 zw0%09#>-xD1J3yXplU2$aSBHnqjhLkF$JiId%%TV3IGBxQuon^CL4w3ury43aI#ao zZK108h&Y?$fSj&rOC*@~Icx(XK7C{!B)0%YbcMWQP^*92_JcuvmsSI=$>tcIK3aOt zM>UmH>Q$KOMrC#QPyE$HpZBLJcC=n>xCTwLr_wqILDo&qF)qOjGFz@Y`X z1mmFUGpeATjV2%)$?=>iJT?+E$j#)Bcdl>2%OQb8BkbX8Pfpjg(m1o7{J~dtU7z8UEeAvlU z5%9uy#8;KN4n*bqiYj<%=!DzAqv&n>l~}nVGFy+HzlrIwhD?4~^&$?A|EnM9Vuw*j z9S`kxxfAVxZ*&SzHfvaqmA$rhL~}+;Te$~x=Rx03Kx}I4x4TbB)6C&$=&tHPsJ8z!63&6*FNCv#v9(vLyj2y&NNYH=xLWuYI!lVy%7Yt~S1;s}*JX#Uxa{6p!a zm~1P3WAH-!^$(XJt$dM$vwOOHrIQ(Kt?{<4lh;djEj!c(iZy!5rLLkA`uCRKv(nlRmTwXl)hV6H#(VaWpVCOotDBBgXtOsBsf4BgbIX(tYuik*8X8uS z)d^(`Kw8XJx@{3e{nzUIJm;MgFyI{bow2||A!h!9`W-6) z9(^Q4w-W>Jw+m*-YbyI+J$QX+yV=G}JdCmmnhO@d_Dfy*uIyPXaM!aMm;c(?ytwpE z&#YW8HQX3T61WFm@nqc%Yz!r2s6i&?N$Ae5*u3+B;3Giqjx_GTZNx3)?P97lztVRe z7pF#^k|4B+Zy=(3)1~&x=oc`MzdasUtHDuD4&#!~FF#dBywU zgE0ZBW-LL#&o7%OknQLhMow9~%y$4dv5j+B9Q{;g8ZxPGC2r8GhG&a~e;i40EV#0J ziA`WY&Mi57AcKP^J*LyCJUREL-iU`tQIrW#=0O2JmF$O{d8jv(;dR_EJ`j71BbJyr z%(XD2%j0^){1(V1f<^C7z#8UkM|-wk{2}6l1u=v4zI17&GrD+L1L5YeOCDa!E0inK}EcQ*9bp@$kpDcyE7x{^8^;65`um!)9Ea z)oI&yHY3OrdQA6C0^K1lkHHGU<_%4oHA7J^!MH?iI!o*336ngfC^lXK;NbZeEX9w= zua8b(EBXcQA3gk8$o>1ZlWK7EGq>))VTNrrSl74-S9b%%zQv^E?A~l;CR$onk&9#B z*e0{U7HTS|pAykk>y zbI>6|kYBv_hAF*UZ9z@2}NJZ9;j!z8@t z^Ol0iyfoMjNO{z9@kY`|Sl)uz#W%PXuMEo-H=Zs3@M6ABH?Wf4*j9800Sgyj;W~f1 z*V(ERN%qw>RjWvm;|YJ>n&s6N{x)2A9Dx?<(hz?b-}aU6O^k{XITL0XN8zcsLJUv@ z;Og0T!NsIHZOo=AFMu`SmDHYb@e{mk7RPX-Pl8D^362Ayc5%2e3e48~*g0Q^xg&0{ zxxj3c|F!vL?}6&w+QdTx`;iGP1TUcFoRS5wr%c4PcfJ_`Qb^HzTohn&ET2_xy+;I*HeG*xj z-zHOkB3M-3b@Yz&Zy@<0m4YS|vSw4|0^joh@rr4}0;dNsfI)^rdEqXe5wOU2Vh$=e z`^3>`^EH|*a)}Y*!GL@=*pXm{8Xr^sE83&U-O%AX^0<K+({N0p_qRp+uIP{-|BnCt#gTX8gNdzi#g(l{6t^$gqwt3bu z-`__RkwcdSs)+~6Yy7Ju^IwB7^vnh_|HeT|Kthl@4homvzeRZAkSMGsFS>t080g^A zw3=!h-<)y&t+rzZk7VsQA1uWFQA=ipLnMOZhLdXl{_iGOHhN9@6vnc*08T)5`}X@$ z|6NsD%9CDMr+aNyxcH}ODnkw}*WrjHisY|XFqI*EJjZu6q<4eKTN@84=z&>~+IFkz$md^y6_ATt zD*kDLcUYR145SG#9!$3KcskE9tcJcMpYLqbkUBS0Yy)&%yiOFY zd(*EpYv`?RcToO|Jqg30M{mfCPIwd~ZsU7?_DLtqGA%JThn6R&nWImC?%wbR*y&a} zkae*&DLp$he9>C(pzWq&HN#Pwky!pV>Yq0GtThB$?A9DO`mEqhUARVJm%2Zoj#g3+ z-cvUEiW9Zv>@=jrOR0X3?O|3fi}`)}KJklx_Aez*=o;O-*WZfbkIgpo4U6$= zH-~D;GUe+oI<9**hes_>>8}(f|7DftpoD^}8%twohHJ2Hw{M#Zv4(NseB%EJr)(^Z zj(u~UW<{~V&NsvM2hC^=e(jc)E6rzn>c2B>AP=($6EH zZI99|VU4RMnpJ|Zcs4*w_`)aT=mfYM7W7k3%S!GiwLq8iK}1i_@o`tyM#Q>wSbI{b zTO5W}Fw|h@lcL^To^Jtu-7q94#G9g;n5G64#n=gc`i`(0GB_4G7QaI&<{{!tCf*SS zerOgH5`)}fJ73n~UO|3z@b*035uPpRI86@+>WPB&?8{EZrHDvpiz>($63qg>F)!(u z$}&VRPE*TB?)csJ&rD6GMM%dqVJBXE$(OY%JAcIjOP?-Waz=leltlbH`$yOYe1y{> z1Y7YqP)uj%1MgBm;sR6|Bp3)q-VeStgj&HHT{B*|0gqrVib)%j4)Ouuf;MV@4Jb#V zdTzaLEVM|i(!=%jJ^o~aVl~A zR$2(kv*7B&;k2as&!5wSt$NG$-D_|=UjkhYX=Z4Hv2z!61PwoU7=gkSNkps8zwZOg z8DtQ|DqDQHhMY8ir+m~&r*LyPV*jqvm#(yZ{M#{A^ig1X4l+Fp_++Pq{Jr!YgS3(R z2}f3eDGLO_441UtoVLdzdYym9wpuAk9=3RvtP5v0l3{j|d-~$p^%>=YVZOpl8Ql@l z1QvOHI|BA`6*U7cGTJPj`+$F^2y`(rqQU8RJY=+%@;KK$o!?`?; zb3ulA2qh^MJ)MmXSN(bU6%u7~6(pYS&oHaR4Sgv(9Z6!AgaM^h5*xs882fnP@A2^w zH1LJOl?u`-OK71hJ&(xaFlkrAg#Xt8!r*{sq{?FM=$caj(|G~}3IOr?`xgv^fJV$c z!9gi!@aH|T8tJl}!GL6l5}+f&oAG z@RP#Wcxh-mK&}bfO#8thH{tJAW~CvZ=eDFtL^RBVbqc1Qo?7V-J9IJUS##<=!Rz9K z+A#k6b|DcWS%ypjK|wN9W1pGm--Egzp=>PIrkFGA{O@N14;ckrcrsP~z7b(9tdB`+ zB2l5DT4*$pp~AV4GV7Eq3+nGiK%S>?K056;ar@1EcdoUY{_|nQ$uhN*f`-X!SyK~M zpJVIRtLCGcP3dR*6BWV4pInZNC&(A#ua?N=*r+;d-KaSP)2((|%e-RYORuzd_kEI3 zi?>$td+D75ZshM3p*s4n>f+c=9-ej8x*eOD#Mo3&Rpg5^hjSn%oW78md=X3U2MMe2 zG86Q@D3v}3A$eX|kIveFRT0O}kNH10_vh6B=FFW=(`j?0F*NjjwOyY=<*U7^WGAcr zT9BRujy;p~<4HQ}i;exWXh#tz-6CS_>1;YWBe6CXY2IykE30GG6V+hd$Td@Ka}r|7 zaP~jHg4P0>mq`;cIE6TJ7Wv{WRQa0elp!9e%X%1F5dC8&lE(UY@ac;-hfZ1Eg47Qr znrIg>oUyg?QR*-GGR*`WS;zxwazX!^xUnUKC++l!S(ht3cL`Hjt@K~h#I>#?8mm=> zd`Ppd-D1|HE-iIJCfa7y_#YtM6Z*rav)s0`E3s5w&vq2I@#dHT@@Ta#W!iI6t5#kO zd3)q1JeU6gI)A^^a)h#}T0O62ZXsr`5L=u<)=%*aSF&>u2Di0z0%YtnEiQYB><<8vJ^-j|Bak>O0{F@lp2*%0qFJw(+u=pN zW%{gR*Jc6`*;;RagLA$4f{@DVQ~(LjYnYH>n9F(@xDSF#tEmz-yFs$vyjMioycdAx zYk*Eb?;I?I=Rl^S_1c#(3$0H8mT{f8CVyxC{pTWGW! zUkDFSbN-_G$bXm8eo~%0Ilcfu*YhwCGTis0zI8QRh!fp&q5I3+CBVL)1MuJy{+Aba z8OS@FFG#hu1f0DtN>%cNm9b21ZlgT}`o04|Do6dn<&O`IApUP9QO{KiQiCi3TEP`a z$}ZV2zzUv&Dmq?9I6USaf}L2`P7ivK< z$}LEx;*m!7xffFLD+>Gya@m>a(E+h+#&JAb;S3e#5Y6qUZXgURV@;rKk+v)Yy8G8w zAVM>}wW*iD>e8VD+yw~J+;7B>OvNtGGCTlatV>1aU-8hL5Wzj`lFrT9UJ_0pQ0bal zRWujWgP>9?K`sCF7<gurW03OuCo<`n4uhu#e{-|)p#L+_yP#1i zd18`t4R{952NI(C9b;81Vy_ed5mQO3zDraFfuk9CQrOiDFtJMwtB2HWOV!KQKBx1! zg#XFA^Pk6vCeQOsxz95;#%$A^l&t_j&I=XX%zJ<#c#dM+HPD<4AisP@a{Ra%*l21K z$D`rT)>IFaTkDA_7gM`^ss(G?wHIHvQAMb+Y(PlgpLX4+i93MkI6uh%QJ6o9Aymao zo2OfB=dI11h0dnK$ci}aZ20uV-U z39k9wWL*qhn*?>^5A4<^UG6QKGy8e(!biP3AnjMB?x0~oVnk$1C`reb*I*g=orr;@ zt82@ti<=yel)@41BF0JleOdr6ua&&+QRe+=Vbdp(<6X+aC*r@gN_(PHz;k6#(AqDq z&>uE9)eF2;=)5L0julbkU~~q-G|F`#99Ggc$MF={mn0PM!xw&FM@!w=BZaU~tnj5B zd9QEwfO8}6kCQsYz?bJbRUl7jP@y7VSx2)p0{kfija_upJ2i~4o3=(Ap8M4? z6;Orf*B;ZjVW}E;&7qGCDvo*Kc$t4>hdvAUINe@dc>8d7apSyIN^ZKEOxadH2+io}{Om=nDSU9LNOw9k#Xjw(yR`q-qdx z%XS1_FHIe#AxmKwn$3@SYi(EqO=N`e_zTs(G)}7+qhiGCNH<*eOoI#GLV+vK_`^8B zmgbIDct-o=E+Ie99Hk41@npqqPBQl~aM`(7YD1T05U0=P~R|13jkX>Gu)-DWbPDOhMTjk1wX2akzG!X@|PV zZ2_B$T;3^8)u(8L8i1uvlO%k(>SD_vs5f9-72Z!kH~y4I1E*tH2(s|bm-!AN$A5Li zD65|aC?X}M`X;zJ>5)?Uw#TQbB6h6S?3%?vl1P)P$0Z1-zn+7c>eBfxWKUf0QvMF~ zw>9T!k_nUH34`{Dr%38Eq<9s%zfl7ZvhR#EK6;GhkyM#hW(5~kW>d1O^|X|{M-ons zNEq@+i9F)fy%tFF5QpXs$5oiDNHp3ou@g6EW`Qq+>s%N~f37e{Q`wsR(aGv$&xe<4 zFjQ2d4JnkRN0>QmhcN%wiQ15 zW8uekFsWpieI(p|Cbd>SFCr!vS-iUyuLh{soY-=}J=$cfU3^pchnS#m3 zF&T<;q=GS*;%fRiXLWy|{mv?{2}bahQ8hpNnY#N4$4hX_@etRy=d94xz$A3db zQV&Bx81@&gM^|!g28{WqaojjHr65uy%$UmUUP?HLScNbp9*;0wqao@mv03CTniIYx zF_KSRZBVD-vGG)QbUc9peC9e40-;5(MgpFOhY7`n>!)pVi3o>#?Ttk~uZmksR1itt ziJGR8hf+){E!I$VnN(176`f0IV)6mG#Ua6|_1LvpZ|O1vJf-U1x_mEIG)q6eG4MW1 z5UTKf&Dd?`<@dW9g2Q}!dO*T-i}Tj9Ywqlgf{eCki3&>@<%qaX%%@eV z{8Vm0!$oI(f4SPIZe>9w?$1csVnAo8f)3Xm&6DIR``8SrPxcB6t~6dUwBcn|HzMuv z7(~5D+ol@SL|UV|&Y=7>ARy(kZ(GxKz=>m3oNCKu`VE}SdfX6=#U)WD*1cP?G@K{$R;&Ci*oo0 zCwH?!83^gW|A-s(WI&y*c2Rusw$xbpQ@S0ocA6G*SS%=8xCA>i37L2E`lnS_-SSn7 zGacRgsc6!jV@GqGoGaqlo6}&&112z=`3qXlbtzxkK_OrLmeMFO!y4}-IZ|ElH8&0t z#lsj_DZ7ih;kKNj?MNo7wP!qI2ONrkZB1?ScXFSK zQ&+_imSj zp&w{JAqh{yVHnYl8{|XRoHxeJGW5dC=yA>Hhxhj-ymiftmnmBec*1v&L)^daR_JbS z#8!9~>!4CnK;ixTN+Nr9J9euz+@Fa2{UtmxcIFW@+f{vqF;3|oU!Zib(%~rzIjX8e z^H2ZL+@DFTSid!C#-v%>)`y`(4>r3Z@msN;hs}Lk04a~D<-0Tw2p8FcR=#vDKgmOI z$1LQy>gAOQHv;_%^d7z$jy?&bcJC$?qgCTeoQWj zenJ~AZ*PVR|FO1+LhmT^W<5TN=fKYQCY42JJRvr_yM88iL{Xw`kh_u`iXJ+CWY$9k zsrkNjY~EP#pwiEcc(K`r49xo806*?a-SaEG+Voc6mbD)o z;&Uh+lk}2<=}o+^?|t$-l`RQHx7{wfpEKu1qg-GzPNZlQ?^(3qS^LbP++{E*R*R*W zOVDk0nw7=Ffc_wkJ|=31F#hbB?wNfloC|vxHhS=l?QBK*1BQmCTlx6vV&`p6i#Ec{ zaMJNWkdxa__tVc6&*zgTmQw5Grh9fqT7K-gFx$1u)oWxAsWtdqrmKAx((R*ZLIJNU z;03>q=L?y)+GHk(6iOmvnOij!UeU7Q3$v>1EOGwLN9L z5y>-Jq>EVwa__fIX{o5_)(GZvs}5U!Ngo%BUZtIVt(3(a7<<#Bji6~nxuGhfQlrNw zc?@KL;&1Rq2G4eMuWsFy{ie}2lGf;hWh40cAG}9jdMkarRvo_#2@X{G!0U!h(jrK! zM6VOxI8W;^BhwM>Xr9}vCZok_H`e~<9#A$ovRU6o=d_PxE_!uyJk{P-e`GiU_2tp* zlP4X)Bg8Kp4;PvhPWsN)7(R_nU1^Ux05w2Z_u!y0neB4ILnNB)8_EwGwdM9l*^$YD z5zX87Sez4TY3hK7eQgW@uT#0ueyb^VQ~eg_)+;s{5!%g%aU2I^y*1(*1cKLHOP6kn zypC~Zb*as=rBgM+kPg2yGWmc_Ef5GfoXdRLaaI*9Ey3l_kTE<#US>5|oHfQ`x5i0=}r==hkXD?_? z8xZ9YRQlyrAW}H~hPS0&K*5$x;j!XFz{@c&*gSB;4p0^YSiC{712Qv`vFM@_bi73`5y`U zyGPKtD}Qec1GybbIm1eMjWUP#Vj2w42%7ce@&do_@(<>GN#gIKu8)LENA+`fm5gqf zXzt&{Evb?$G@M!0j8?NJ)1-**KTic0CrA&X1pPBx03VRc~h)>OZkn zbSV~a1E+~hy#H3*Tgp9xD*b#$3fGC%$rwXsG8oD}m(}QMOt#5J zSgcg&%{N77Vq<-LZW1-9*Rj!Bz>{QL{tDse3oaSyn2|cnEYyN}3Zcm_ZI%E@H+(hmWJZGSU#Sa5-`nZ3?;B~D24e0ap<3G0)<`LYBbejKZ$%vp z*Sz3MJt}L;)9P4JE*QilR*n~~iH#7JmW6eK^CN~O2=gYg%DEedq+Gz6@fs+?bNCJqIqp9ER7RUTWCUhaCRGZ&Y??utHhYwrkE zaj38(;(Cc)^L}h9j53gRP$oQrR#%n{aaKzZZg)A?_N;V!iZB)XXvK)h0t*jT8!HR7 z!88ES@=7nj2QzIXErm#}WUg8>)(UGDmdE+rUt~o$+YKenBo@_Q41-p66sb*Cm0Icv zATTw-31LhGnCeW>R}%EzmqTydF?Fq8`W;o{#)rW`Um+^NpVY2GE=>%%^r{psA~m`h z2U}DstXWJRC%Qk+iZ&59O1w!d61em`m5#M0Y1M+?m!^eWnjRHX#Rj?uT-xjRr57Nr z)|sHPM!=>KCT1K#zypKT1}u6Ny_pmOX!QWCF`X?IXlbG$biS8Sev`a?qBH?4rg&Do zhg$f8m`Usx&=Xu}I(ao+SfDY%x1O|kW-H-rMpPxy%Z`R#LXx0&ky|kdbt0290b;o0e4se8*BKl3qT=|8va80`+9#}x(E|8 zu=-Oz{qHaO{R7Zcuon4O6aIhI)G=si1P(0!CHTrQxjCvzM4HZvk3XTw-HSmtlJmxh zdx&r_WG0KTfbZ&>XAdacoH&?X06*T$Oy zPJ>oh!$v;}Qdr~6k}aHYKL$r=S$wRq3*7%gIX2OruGL^AS$i11G|UW>$R3KeYvpmV zO*F|p@{e~sA(oZ*LX&-q`8l2-=g95O)i2ZK?jDOZVSQ31PUv)<`P8_EZM%_WAHSXP ze52`Zn?b*)92T-IK}+vopYnuhSk@8$;#nOJD{r_669{P?v+nf zp%qvLYq1B4=Z13?o9z_btX51bFRJC9a!6Z`M^^=5n1At)YY>xK7*BLYz_DnAm_O*K$zPZq<72B~OtNv( zu;59Tv(sJChoP?@+7W73YMmn7?=P9K=!{v-F>$fD(cj5uVLVoNV^$y+T1RXW@L5L% zE9=0#VvU8~&?4S4t~3+HtfIwb*RX=$FpKxC;n60!xGfoaT<6d6%#TKg1U9Cl2J2o$ zue`5<%CYKoqhH2-3=XR;pc*TJp|R03tRuFO|M-(I{gI7iZjzzPgn?=&-;b{9%?UFh z`)cW?>kG8dk0>{cdgu)O&?#_SEfMfFxtnMcPuWjW9L} zR#EDVrFX4lQu3_W4&qc_jh(;7RPuh+7W3+bvUf@2>#@9LD&bqOM@m1q%i)BE+;T)L zpA z?Wt01WKY#eoZt`p7O#GP20biCs_mBJQj(mU$9V(?SGMDX8+4UO?+RuLC9uO{j0ZcD z^1s@k4=qjjk2a(Wvx7FUOnO~`HZbWD1>N&((TjDVz`nuS#^fbo*3NtbuVfPXBt;dU zwu_U>f7{Op^Ra^ED}*}Y`Ybsj3!1U_Hj?v$90vDDNSapyuR)X?2ep4ubYGUVQ6gD! zg^<7bQrJxKbz#|oGWxI?$Ab+X1(_(RH*AgzjdtNgl8R%{|969LR=&(CI(Rbw80*I# z!QQ{!lHDBelt@NBSV*SYk6~Nlb7Na-b!8i5YRl6qo{cp*aaIpKZmXK!cwK|TCcN^*9DY16NKmaPzNVexdk zMXZX6g68Kk<$?CW`c%3 z;(>zTmGKF1p9p!Ka|6#;Ml&#<-R8F1f{?ULu(zNCbQB|mP<8^c{!|djX4Z5AwkI71 zB6ZWvk#xd&mg+BAs~^sxtE;d-1n>dhLQ|?EFimxO+=5jt3A>L)2JGi z(y)Kr2ci3Ka;aRy)=jG+_!dKEnXB*M!3>;@U~XRzEJOw1fxd3(xZY*p{!UPjY=GO; zKP$0b%Yu$wxhrQl@+o+8vu}mt$eZo+?Md3v3@>LS)(dF$sG4~|v<<(*pcsOX&Js~X zJG#1HzeUqv9QEgRZD)z@-~Hi-K+K>ibJKU|6JNlBnu55i*R&A28{iS1X-i=H)Zq_4 zrxdkdL%CEy0}43jrUEy~>?Uw0JqOZku5^AkF7PIN-@}$AvzzgGBD%9l5;+7Rv&=V@ zx9pZ|La0cg%PzDbrpCoLQ6Qkt2{`VWL&n_)ewnRy2Q!bX+@CiVfUO-j0gTO#r{^4l z6#_{T#2c~mIU(FS0sG+%VTjn40{2=m6c9t|IyNT2uh8*?yCec2l&*6yBml#AgP{=|Q+}*>zT{?bQfhEF;5qDBzS$WD zTOtI!))nax`TFoHNn#VwoDSZX3`yS0V!v`WVWY0@L`}C{t&;T~SE`>hO%lCswvn8G z*X8W=0332EP_ZvVBD16}$C0p6$kB*+#>xPCx!H}(!U5SPmGCW-dT$+Z4+7QRog&)& zP}-*lYSXTq9@CLeaGMPLft=nmMC@k~yr$h|1}Sbd-nRPQZjL;;oQ^|z#wMgY#nmc7 z?vcDF_ni;Nd@{cx3~tx({F#I_+`Ui%%0KEm2vAu?b#7@IEZ}$1K^{0bxk4PYU0&b0rNVu1NngxEe$>xLUQVmky=Jz&I z>4XfI8y@MiBh2hiw6(R<4EO_aS_aKX_{?Jo4MLr57@SV?(H?(jzx5gaZWWW56IPTP z2rLAH-i0L^uDx7Uwe9`~hOn+xFG06tI^oPZE3Wl(HgeS9C9w416fT=AIMMqVhtRL_iDY!(6fW=RMCjU<~2P)JKlz8Xez>_rUhP z&$Ntc+kahqqxHb?A@VwF?dJr6A5KPh8H5Y6O+KP4OnU=BbdM9@2O?l7YD!K8>6=N} z{7a|X_G24K!Psx2q(c5PZELr-?pS2#OL%8sER|gL^1P|dyc=R-jek_| zSY9@;F7LVJ6xkqE+Shv!qGX>=bpWSAaS4#aV3dsRXu@RO`z7QX$?gfTE#dC7j+6AG zk8cJa_RX7O&=YOqC7H0c7aA+Ag6fCR;{>4Fjp`LT^f#wqxJ`Na9iKP-rM&@Y=*Z=_BiPVFw6&H8sa!;TP(b?SgOoh z3Nw|z3xhb3QBKPm<}Gcn>?#C^6o^;#f6dTXXTNGaS` zB4=;2K0I3?qlVFUvD}IIxPrUn6sFq2(A-z{ndH#=V+1XC z^P90ojdq+((K%%^Obk8qQ8K$e`3DNv13->J!|g=HKRkuEi?t6jo_d*aY&iqP7ci&> zUcfqH84{3lCw*$bd|sC)CBtIOQQp4nvA5w;na{7SuuixF)Li4{q8_@r`R{!C$HDM- z5U+2p^+uOM-hWw&SAwV(sN#6dz+TIagK&A~qU@Tk#0``BJb-_30yAF=s(IQ^dlez@ z(p|0%Bt9y)r(Wkb`LHUc^Kq7?f*rV(N|UKF*@S*(n+g47wVGjkX!$;k)?$vB`Tnuq z{q<}|zg)Kef3g5@PviDXcwuNDJH+ZKU8Ck1ONN_IJ%enbd#FE%%(_FFg@4eI(a_p_ z+C+?AF`xDBM;&p(%$>}9x_M%K{5QgSr=ItT3TXIjUwCs5XeA;p&@U4ov1_i>(7tV) z(Y9(fdC6|-v9x!Y}(3HVg4)t2DR(u4Nh=j`mJ3OM@ z!?GDFbeo-8JguLrdsCW2X7T;AEhhH_!7jXD-U|-Txz|%4IxYg4=V8dYBtN!s#4{m8&CZ-(0I>p{R>2RyZ0&s-G9vH%XUbd? zQG$bMi8CHz`m3-Ko%0(ON4mD?1?$|)vd0u|`U%S$DjqQhilgdSO6E*BKOG_^O6uU{ zEHzx7CEc@b7gE9O`dOZoo7O!~z)&i*?6#p%z1>?X)sYaneRuX556y@~{c*A#NnM8_ zFfO|en3t(56^7j9#VI(});lD2l*s?2X!ZI2V_^(= zhQ51#YVZa7w0?ES+BMKDrm@KE6TW+N)?tHO8rzUN(PALo$_{oh&fOSg%SUYj#oPh6 z`1THkpC3-GT>iAI*$ZjIU&Q20*$h4AZMEmG`rqc`Ioy@9=ZS{8WK{)`(6x=-7rl|t z_Wu+U8{V`D7C(-JIxfu7YB+@Vb?4eQLdIK3%)KaBZZ?X3QEFbj^LB50@y&wZ!>w>7 ziD_8gVj~yF`lAKw^=HX8!_ZiY*7YxyIHAGIbJ*uNopG4wbdkvYz|?GfaI~c(g<-JK z2}$^C$evFJf|nL3<#9TbPPIb|elaK*|4RT3t<^e)9$UJnVe6RJX?4dYB7ET_C~pUz z`ZQd@tMPkex~_LtQ&69PQ#Q@%;O?s+I;RHDE49&Gu^vuAgYlT-CLae4PiW^d8MBJd z9Gph^qKzgH(a;mMeFqUnx9^`r^$vfxv|Vto>U6s^EQt9<2T;ZdTIdo+ce)5I1mf=z z#OrX*M>+1b*J#+b=C(&P@PG9J%2F=%iadg1fTkEJS4}K=9UoHz z@A=VO!EU0d(R@5d{U~pL4HEnOYcIvAImY155#N)vWT7_O?HqklSAlK6u24jV-necw zFZ$ZzX#828bsoBCs$;#F(jZoCWFo%#C=xY3?6zit0V>e{RgY)LBqK97bq=d0VQTZj zkO3so0t<&xEKTDW!bPKueYr0hmL2RM?H#B^K1tt+}_q)%? zN9WG(UuYmqrTR@_qmc*-sPa(^XXQ$MuuUkFffuC5ckWk^1HDDxGn)f%li*A9c20!M zuCqyDgc$_bQl5{}4J@vIX0JA9?p~FMKVTl_T>UV-dt)Aw+VGj|2O6lMzb<|LaPVRY zHJ@&j&|>~rA|M8~)aUM+w-l&C*^P=%93mh#1!Lr7$rZi{|z+p~Y!@bbd>|cZl|V>I-4z zza}xk^l>XNhAVH9<(|uF!@NMATY}VjVD0w=$L%sIsbe7Wz3=&~o%I#6zcW@*-2n)R z7bw?8YqAW>GQcf&;si>sPgM#)LR5OqHXrH@c&e6r|9uO70b($eiFDq_4OtB(U%=ld z&Avi1fTWmr@$Hr6(k1^in@)bLPCM}R0BD+sH1n}WBGV7i%D!U~fz`&#M%yJ3Uv*h6 zLw;ub`y8~-At=Z`Al`((6oWznw&54@oi-Uwm246;KPSl<=JJB52u$fXOBFm~sB5ro z+2ica5_gn+|D4xE14$FMNsNyhKI44zg~orW*~L%=t-ZaBl;p3*KupV+41TvjRr=)5 zJIJ>8X-*@&?g#A9cCqkauY1kf=2I)p9NlGsgd zt|X@BN#5*0%-4zP#p5>aVUf@a>pJzVo}nQ(@qo$e9;6{`-ClE%dBtq?W)$OnLrpm` zlKc!)3irG!kanbgJ`xgFQMIKDrw(Ijc%i}T+1j<-j0a!ubY2wJiHh6YFoYT&#EL@9 zH`QDVpC9Vl(hthyBE)AUdP!wfgx_8^cRu@op($VO|H7#nN8Iz-YeV=hXisMe!;A5H zk4o1oP!zfyO>-@@wUjT$TfI8CO-zmQxMBchK;5Cn#NoP8e#0sd$-6wXB)xgy-Q2SdbR<%B9RtIpDOHZ2ufXsv(S0ls z&u5>*B?-e%!1$}XAczBnvES=@r_k0=5=OwI66zxm-Sbt+I6BUkqF73(9JElr{+1M4 z@g~ED!*FY*lgI zcgYDs-E?CuklD5fio~cIYge4r!KWDTY4M5#xo|fu=pSbyjH-drRx>##=!j#Ers@WSNQ{Mq5i3auy zYdH2Tby=T-C+hp`caD!|f)b}IWal4BL<`%-FR+$a7^qm4jRL==dp*^1MT288F5sUJh2abKB4b^LIF#P5%-pO_{w?*vLCGflC3}RGZD}kiC&oKQuaA_v5C1=?A zwzMkU%UGe(9iDQ&>XE5Qs;ao_825IX3&*PY{MCm9CG%z-1C*2u+#3!2*S1`X_M#UN zqQMOms8ov_{7~__95;Bv_rHBrS%*9Ucv=6XqG@A9D^YRI2fs%xzJQldSLf5}T#Kx{dC7GIaw!P}@2js@{&yv2%57=>l zYeImU#+xR@pQe~D^hhm=#>2VaO=n&U6{f&=HajimNqoo0JDlIDvR zXO0Wv=CGZ)=APhug&$Q5_f`!}n?jq{NrG%g@;3unk!4R!mkX2q+I^>Crs1cNr_oq+ zi&L&e}mV-<0W|)*kdNjbx`&Qq62^+T>+7TJC->Evl|HPxRs~PVIqZo18&w zTD4Oj>MFl2>6kSvhdsG`>U?~KHh%xdyY8==2qQ7E8DOWGp?un z>$_D_)QhenZ%5@{Ls!Ew!m&FYLPMyUO+|{nRCi=NJk;bybaQ2BWpjs#==;rm;>VPh zoAj+bPdWOjyV+sGv80YWrGHIn^ugIky6|AiIANGiHNZfXembh7gc_9m6-GSWx=|mt zS?!=Q{IS1wsE!wTsJo|{y4wp~mn@n9n$J(g?2FV!NgcEW`&&$G?JrRKkL5FJ0;xyY z%`rpqY*Ui_2zjapEbHW$rDc8g)X3|I&&U-&fzN1s0Ts6FxV@fZ3rBoRZPj_u2ZpG4xG^bb@jvunj79O;17q-;L!iW-djdxwY7hvf*@hgA|PGT zNJvR2inN4uOE;3zpkRV1-Jo=Lr+|obcNm1+q@?tFEpc2CCiUQQRwO={1Zx_}Y{=od#)F6?(2M{yAK}^{HNJk2WkIM)&AN^a> z7b^D|QJx^GB`v6xC)b$8_hfQfE?nZK@tUcyH{i7%&Q-T7=D;s3e!dP&dI_2v81r3m z<~yUtc!<3)tPIqf1-?gYH?rt|>9=9|YGo{(a-E2Af?PJFDSrgVy;$P#rNTUb)f}AE zay^;fqX2&hS)8u>xtETu8GNAd8kk7QIM@i&hm2hvduXpNB%f`4eaf=MwoRNJgNU#26@otSK%uNC!0+@ZA%@m1|>CGQikh_Xi`%AFtzfaIB{vytwK*`^~^M{s@td9Zc2#*s~ zPjOkQ8N#%3yjq~ws~~zkUS@5+TDz%O0^+F;iqqgccK;%~rr{YpDjQI1Ufd7nBpN(7 z448xbLU)4k)0ciE6eJh^qnn1q_r_yTJ^UiNxw!SSoqqg9KVy{c{chnUc4iY>*wrak zs_25{PR$r-hGbu;m#Fd(7Mk##WpaXKj@W{R<8d#LlA3MIeli0?ly0$A>PYO?|2!vr z4F4)rc23YSjx*>854SSJ`QiHQC{=ET{~Bp98%3hVKY0l)#2ra9>;A~>@TuUW>|*WU zGL1CwkQs2w>Q48JQcSnbc$J=(RyXE&RB!guWxre~9RXy_mPd=`>kn3)9vsaJG+YHS zi~Xk`R<5!gC)cJQ8ZWrP8M>ZWBMCXOqK_q%iNe8{(&Kbt? z(>Jo8tG_&!w&2c!!KXCUm&nw5m9=LfyG`!93YTGw;HQq z5ytkm_ZNV3%Q(zfuV;cBuI1W8iEI&}&I zbxVRg?44PEs!ZRV)j!Wd;kHE65D2SK#M%~TmSAIZRk%SGHRfbV+KF|i<3tQPSL#h+ z224M}Co)<&MJk3wUGse|pjUg3K3VphQ&(iyL<%P9GyaH_72(9sL)(;Bj-xD`?3#@x z51|z6uS=uZ#_)0Z*1&645N_0P%R#H=R-wi);rp(Um4S5m(jFAJ<2j9Eq;WVPzWv(6 z%(qDz4yM-PU&B7|Zj8&YR)&S};c?FL7)zI-C6o1dsimT-k&ql7LE($99}%)4^0M4$ zjxCGjHGic;%1KiChi)Umf&KGH$DPqQy~Fh_^uogK+j()?0$*^XU+{Gxih zKz6tsz+TX#cXJrBSSagzTsAv-djyx3y}QQO*xy2ZZ|Afor{+L=_b|it`%eU_*N$ook&2G`U?x10g8mQp_Ds#&`eua3as%ZT^R3{B5Zl^ z?6(VTCZ0bi3)z4h!7Ennwx*vHfY0`8@!=!!_j#&IIqwFYzkuCIVy4D(>PBL<$an2EW=Bn!y z`PAEQ$oBe3jdna;?XLDvH<&i#Xklv_5kxu@=|Dzq=1y6#l{xuP=;v>OdKlzcMrmRh zOB3`0L(IL>+g1BjJ(TavY6YtH#~kLfbuuo@SD!u;`xtAddj(Agn@`C9ON#i_kCXi4 zorw)?Z+cI4buimZDRp2H6t*8cGse;6%bt7xLBoki+NxRB+irC&bTaA=P1bf*?PU1E zQV`b1Sh=L5M)ydE?KSEPS1ES1s%sn9G5win|2IUU^I@J)t-WB4jNLhVC#d66kxEMY zGd1_dA4AtM?%lbkF-Y*H&j-^Mx1i#!*hme=vjzejhBC2{7iq*_4lQSYatn9q(&`2Z z0=Y{6_clQKY7mNuX$k|1bH41w<5O*V6NJ**$azj|Fl{*#No#xOGumd|-yKIUTX=C} zSi7G&Uy3<-|D6YYibv{xfQ*3uJM@deR@LIC97n*1YOqixX`;UNIqekm4U(*7v=?;U z=>spqm`~0aXtAB?_`6lET1VcORi=zY~hd8%cKI((}Zu~rEe zzCM#S|D8PedXjilE;XM~?tfuDBY zkH<7}?k5j|mrs^Hnf_dD%*Cv`)32Vb^1{c!Q3^p_GU zC?}3APM{9;Jz$V~_J{(zg$ZBuH*?6Z`3c?c^XAJwuU5`*?Z$83k5xj8#bh7fkT7Kn zmcJAeex695@KBpO-O8_N1vs&{F>_J3Z%h9(%lvuQ`=N4Xo0^kb{j-?<{%e17LSS{$ z+PwQWtNj0+FU!yuTJ+JC7{0G~D#PYo9LH;}_(?`h5X9i6F(PhuPiDM!$X-44laPh@ zb_Qyb6m)dZt(PqhW`$WoD(0nj4FhjeD0gFxNbA`hHX%eZ4$OdKKy}C6to92vhD#+O zQp&LS@%2MGWNjL07ORSCByfJ1&8gU1mcyZdtq}(LU9r8?Js_S;%l=dvSNn*>+LVAS zGzJn2Vj+-_u`~2A0b0TN)1Mq+`Qt|_Iw;pYze@=qZqq``h0QzxZxE-9t+kn%TEMN} zP5_N!%nJmYcu7ZH?h6U#fJTU&e9uRuyn90hJ`qMyOJ4#>^|=Km9Ui*_yxIw+uO+gV z@Yr3o9fmx=60m8E1rLo_0I{cafdN!iTTxsCV(l&@j*-f9`RXS8P3(_vALF0{9^ zhu(;e&O+zsrG+NHyrUy{+H4uYk5gv)bR93 zW;QQ_s#VH$ub&Ph$$@VcDwXN~#YxF58BCKS-3___xzXPY=q&tey=aY$7ERF)3yX$E^7)8lMwC^ z=Y{!zh6^J#VD<6M8C|*VoW*5EysYimx}&DXQ-6gKsddO-xM^WgkxNDI(1; z428i)hIb0$kN!huIdM&8EiAdYT9;pL)D3i+T)%HkMJd|;tETl}(9w9U+o;x+kF}7# ze_HNgS+Jc0;87xO<;oXwl`htIxNU-mz!|92^EZttW*c#D`cqcnE=#K$2EH|nF^$Ce zb_6_-4a_hj`zW~EEv%y^VG8jEY=%|4d&|7n1^ONr+^JTdxa__7_@G-srh831?)4q*}Y~Ul@nK|Tb zk_=IB9k6l98rz6F5<2-x+JL>JvX!8BhIARK|J4Lauk&KCi~YXTh~_%>s%Vc3sp z@li&X?t}z|4fRzd{PF4W%CgEj?7_`yck$ry>#akhe?{2|BLJ^RW)UTYz@zOBgJT}&42mu*%NKf5DR;>~#Dc4b=d0sB>99%5 z(vA?}?SGgqC7x?_BR~66d;6y?+#i{Bm?#QMVr5Ws&jdKmn61{h{ zj00(nF*(go!jcYK5XG#WyWgW;p7(-MB?d5LO2*(=yzvVqJq|6BYS=+!;zO4`$C}M{ zOO7q6D7J5?HOU*(%ndKdE}1Z{+<5C)NXaVTSpSV!QE!f5I$YBq(~oh7VdErpR^ze7Vq#?HZ}yNDaOfPz3OZHfIOdjf z*XQ>MQK}{sdp&ak6A5M$R9@>h%)KEJH5z&V*Cw8OmZPV|ag>~96Pj5l8N{V#Gc5B+ z=&6s8WT$ye2qJ>pxGJ7ue1V)PXXvb!+d_4iuGD})^2$DIZ9%Eg;J$f`Bl#RR@Nwhh zLLi!qc^S;)t?Y0N@_jFPxIxOGU_sio-2aeT+OdNYxG8VsoNAI?DtVNjs;E9rb*p4} zm@>_4`&yDWpY7zx(^IE8w!ctKX&@|~3fX`&l4}qqEO3RDR{nH+-;vq|jQ~$oKv>ez zvUzKFXw@$Hm7#K=cb-%oN=+^L?j!7--1>jmJIfEd{mJH(AEibTSv4?2xo)A5yv;3X zEig(<^O<58$SJ~K7;84)K2csOAG)*$|0_*lGHCuzVHzwgC!vyZh|q(0<#AJ#QZ5I7 zgUqS0xT;XNiMaeNh$U`O$B{OFE;-srB46IjuuYtvK7R0{10L+dFRw_uNZdkLo6U{5 z^n0~447i+7{&BGgIdJr}J*EHs?W%rZEg4UIj(3j2vgCQM$Wcz=Qq`+jCuJOW#p%=D zk4jz;VlbZt8)n;G zXN`oN31-s!!7SC_()G5>5OE|F^<8b8TfP6vos#r9$>}S3z&a7PdY%*{HTergZM#YC zpL%%HwO^lMMK*etaGf&m?L>hsr;zKxEE69Z%S+Xyh)!9QN!p74$9pn&p6@TSFfFu8 z$T_yZ3lEoWd`*`DZIXWXfzSi+eCD#p*Os-|y%7f!UUx0b6+#jEvzxi5jpLljrpFK` z%!9;Zt4c@YZP6w9j>)Me3#jB1d_;EG-D8jsraS4Hl+ky0%QD(}6yv7)JzHvQt!yK> zn7l$I$X>Io))HP2c9fbn;SpgI63>P>)4P#}rMj%c{@A&Lu}n&*Bb@saV=`IpKWrUs zjt2^M+17EzDoZ6Q8ZrsFrJ_oQKuV||d_}meH5l9R(?4?Hgr~_RD2{D+sAmOCI!tqK zUeVZP(6#Kn9lOaONWu#>PZ=4H$up-&dtaA&?$q1s5FhJm>;ATGYVR=T!PwAu5o8#p>xAC}AFoUQ$pP`M%p@u?q_I)0+ z_Xoa3TnmceYX`aIHSMM=P!nX&VeezneW3DT=wO>ydgu#T1TOExWj<$M*_t7Z=MN3j zb=9V+jc3*I46X;w`IDK{duOJKv4#J7vNx(I8Bv=Rb2IX8^`eH!X~Jpw)diyRJmVK> zTozPJBI@pnXxKQ~^Ltfqrf-SO9HVr7Oi4w*Wxwu!se8;w?7{0aFYl|fm5rviLOVck zL0DMo@vVJJ5&tvMX&7x*l$_)jF3|MKV`$Q8-n6t9EgqIQIG-Myt-;Kpn38Sb)ts5; zQg7r1Ji7a7jRNi3YwQhH;V#hye5Wq*3hUkrPF7UoN>f&=6uzW<&``=CvA833ATXH8 z$`L(_Z`h-DSe#iZrlGb zae0NyBFk5Iv+oWy*~-CSRZ_ngvR!yVWOyb=Fr_z8(PjjWIv3WrxTx%cdfSXHV0Edi zO0AWx?#k!u-y-b8UD|7;!W}K?+Sk_`uxx9GLeG#TkaIDTJP4*{8KG_3VNYIXek<1l zT{iv6WQUO_7{elUx!j|+ao^OF z0^vuuPe#fn1@rq(tsw3n@p6lSuN;uoQqDdsW|HSC_u{55w*?>WY%+@ zCo~)ZdlwEODE6WZ!#XT3>c2=o)JmwDG?_Sp90s?843h#9A%vJyF!qa>QwE!kn&i?) z=Fn_4D%7T{0&yZL18-r_U`js{`zpwNI10|#E4 z9R{1_B{th|Z{Z^~IgF!zsf4<>NB8!~s}L3DZF!g z%iq!|-0&>~(aQ&PdZT&Q@D2--o5Sl%v6jx1D^2yh>Mw0iqdbp0qjQ74Fh!_4c#4>O zlq|&%+}LnzGV&wD?SCLf5PK((pSGMgIg~B#vf~=;_QZS32u!B@ZNn2pJRcfvsdanS zOmY=wRARYmg>D*)==iJUk!zy$RaFGL8=9x0=P*JVCtnlyvYFR{{^f9L&t5~rlNbzF zE=@y|OIRQ?!BrDSfzmq48$;-F#S z0IhmFMG>8C^da-=KDa{GoILj^I4J_ggqb1MwdRuqb!nVj;a!Pso+#xBlL%$ZW8Xb! zbCWwS4RdVS^IyVpRpO1(Fc*LfbDA3JHzP&fMrCKQb}FAIg9YFpIuPXY$F2XO z1Btq}1~NVct%|!LR#NjWTW;Y^2iQ`~mi1uQ%21IPQRVS0XE&b2rbcInDs*uY^9BFB zO5CZ0!?i-|L3Tc#T#-N8b)J=;I46xba}r@}%)q ze3f&~7meop!?846f6A%$b;~j=Osm?V==NYA)Zij@NGGJ-ppGA0xm>4u8sZmpuw3n> z6%Vc&w+i}p?J(oGu;5r`YE(t(B&}?Wzd)JvBRf@;mw%UfR4hls(4MU9+1n=+D|_l` z?)ypBLrVY{Ww19uPiWV7=5IF6E4>edqo#rWqIkT-xf{asx7pBxHADW(ZxQ+6u254# zg*}5wx<)eXq$-L&ek(ie)Q9f=cG8qcd<*-)^fkGwv8_=CdGCjd(LNYRcja~u^z-0w z;1u#|77YzVg{Je>DBRSOy-D7$+bU)c6Zl?1s%UQ!PIiiRd9IVk@)eJVhLv~Y8dQ=* zpKs*W-Ws>H^-}})m$Q04VE_1IAfQAA?c$BfFK7Q2 z44;=X`~uPx|D&#$ibgMfH~$zh&sQ|E0G_3NlomVFBUl{e^aM~~I(y42v z6Nghdw0Veh#{YA$L4rc^q!rqs6?v=!op;7q19?u&19jHSC6oPfu@N2|mg;MDL0Z0L zbDind+pcS>SjoY>0e(ZRemMVfNRXj(fbyLDh}%{&*?R&*F7tnM(_%w_V%?=NKYQud zeIS&V_^3L5`b)5A=Tw6ILuiNq(=0{i8203ykUDR^Oj~3I>I`0JV3==}iJV=5w~dFZ zZYy*VBm}?O7=Sky_TYYnDYxDe%fai<50Q5!^*bz+gOm=OEpa{cGukVLj3bpO@v$ol>1`)%OV zLVJoVk@;@-^_OPTweD{n7@x-eh~+VreUfzF$V6}+iG=`xxGVtf*@8Idem`%ZqC)G7 zj@~cuEUDRbx8>13tCRM_-8!Jeo)Z`|GHK{>=sf)kGr1QbVRlw;DEXg%3BgG?7JD;1 z9qiv~kyJQ@ph$KDL95RJG4DGouft~vUW?x3a{{neu2}3#d0L{XiQtE=2P)Lsxvb`Z z3bYZ=*8=BM0>m9vZ;jO0JL35zs+oQvML>NgYu@SVXtEbE{D8Gw{IdY z0#a7nB?(@d*0}P8nfJKm0}aSr-N5w|o!CP#H@Jl(U%cH)F~lrijYFL99-7Qn_Yf88 zB1ULG^rq#wM7$(u;v_gwB>~xG!`dCQg!x_`9y`l1s+AjSI@;QuerTt)IheQB7GyJ*ng@_^?y$fGU``I&IBwbb`{TWvW&w&l^@#Vy2kS6Z^b#WSHR5*m}MO^W`5pBU|YTV`TreH%jDG3vjYoFJOKPC??2xgiXwQpu;G zp4bNi^MV>v!Y`tg&m`)k>!Q_^s;CJmX>E{^e=jA1MHGsl|)1-Df$|y@Fgu{@8nfT$9#^pF%=FE7HNK<`7_bb1YTr5zX-B>BZ(=E z0zS0WTc$+}XmTuW!6?;oW$#2Oeq~0P`-FEI`Ey-)bB1+BJhcqP1P2$qObVY$F!@Vm z_QbH{cMUMR3Jr1;D1dA%&Z<>D(KNkF%kUy6XZ2?CwdeE~u?M3ifKVs3pn&>$#`03c zeHLQv!Ag8WLcLGuk#_}xvzgzMpwHl2%sz?O@6J>^L-^PoA@~^c`R@1T#o9a_9}6 z^7HYzMad5D@&w`fY5T#N@;UkM_!ie-q3BZost{{%a(B=?$u~U_VYyUk6smUr0cq^$oxZ+MghZds7Tk?zg>z^qz56d71xV0Dz|X5_<(jk;we8*=Y%u?I zU@r8)fWw<>s0jV9ffD4{#MwH5(`mG8v#|VFcp~dyPxK`?-)`}CK|545<~v2?d{uNS zO*o1$GTjg}moxr@$P-gg4t-;T{^9t!$L?=i7X_ME4%8nN@&**V@GVTxAE54C76|V2 zD}~9+Rt`?tc8}155+{5Eub8;PrIS!OF%YAlS4d8Kt9th< zt&(5k+ll=6A3LEn(_Ih6zWMRl0n#WI6Qw?3_Pgd1`irn_;$NYPn z1)ZWN?jH{iwnMrqpAU2eX>9^eGxyqT*xx`dG9{;*?{=F>%;=lNomanhU|W{1^&o~3 zZ2$v9R-aDLse5D|1?~+EqWe!`8Vr?*Xz2d%4S)Y!W{^b2E6UDYH@%to!WqMXlqJFl z%qMHNh_1*qdf4}$bLvdPi^UV~m<&qzemPX|zjZjcI0ZCjvu$yYB-CeU)!pq0NPT8< zFHXV+O|EIkXJOj1KAu-xzFF$DI-g{P&V)_9B6Ue+_AosO&wcULjP3?=7Yh0_?V7>yhi>S*L zkHta!EVJ5A)-ayDXX52O$0f6^dZT|@ejh2P_{!YB8QTX4jdTuG zA4Q!_s)9-JpPz$&_<~4@THD*wK9x_=+gAP;9U%3^l=a!cM7BuG^rh4PI=?dd8?DU^QywMF^ss1kb^@4QhK1~rHHKVldV$lpyYkt$u|mj}xK<$Di^8dj{M zsOiMQZb6B~@3d3PU8nNl)xS@(ow@LS>RnOe;R^4S4apYsP~_4sa$acKa_m+^s0n{P zlknTga*0dP@3*8yWBkuW`U))40T<7G`g=^mB8@l^eTyJtLFj(}UF!*9 zr@{6XQ?mH4&tUFs1)1Z}LsO|2fAb?x`3C@RLDu5^YxciSOCtFP!T{Efd2|0?AJe>r zm4{H9o8c_F?F~c7TrdNMfGvTuj1i}HX&ac0&@_iE&v(Xz8AZ)vJ%|TH5a*G75AGpg zCakg>i1mgTcn7>_k}fun*n{T3Em(ZSz3D{YcnEPd8U69+DlG1ya|Fja^uxvgL;}9Y zUQU2_MI*p8!pKaQi{kvn$V3t$o&3R(p@BODOz@u+CX;e-aF_wJllK=J88VZ*0P3vWj>n(hHE8u>OzRs=%li$*xhnb-SG zT2PRt!2?0U(Qois{IkKng!3h0`O)V#T4t@m3vncfJ;4zB62hYpf?iw~$3OxCR_^k&uYsKOJ9^IAEfz$8OuCKa(M_ZBzmA&O1{2e zi#0exX-M$~Ag&jmWORU#5Zq2zlVac~fwSEU?C#wu>B@FfzO$nsW7RDfA5=8W+6a?K zThngl*cXg2t7>(6)=8hw? z7>I1&2|9{&zv!yWCVSI9YG_}#|F*oD8`=SBDFScdR{P((_GcE1uakIvl$^9OAjNQdGhlWXF=(pC|fYJZB-eU83VAL@s<& zM{jF+PLv>C6j=jp^(F)ewM#O%=kUX5u9~%>NBpF=<7xYcIKes86l%Yf!oIT3tNrCh z+)LX*@3h^(OV%=W<%Jwyx-vd>hX;C6l~H%$Sy{v^`<@&a>{4dwMnq*2uyI%q_Unm+ z*(@)YlJQx*M*NcAbyxl-<9iTZxkmeO%k=8a+NToV2nunrCROr)M8!=1132pCCE~NM zC3%)hsB;@jPr*T9KhWf*^HdvxR zw+nnJHE+{#PKouX_nuuou4r`aPcY!vB^Ec(*H*W}Txi4%^-pj)x0zde0zjZ+pQb5; zzuNMb(U*_=2~3SKnzP)^srvQS*Cd;S23kSrpXciAT$_}m)*elZp@s? zogGgcoJ_(;>~rIKZGeO%p&%@QdLKKjE_6!!>Y`agi|njOs_Pkg`g11^kP{VXH%P|y zp);1BtuSTZf9MKnrZG#(g;|JIS!uerFx8EZLHITI-6L))k&=tj64k(XYCaO{6IIqP zy!UbFtfiP9YH*xP=p=dGD@xS66;~m8W?kZu)x9=gSX0L9 zoG|M&?t@nprRMo4qf7dYtYx~Q%m%}Rli>zw9o_NOf?ni~dL6*Ezp8#+eXjmnrnBbx zSTg0D>hIGc>ntevd9 z<;K$Lwvo5<{+vDe-tJBRfGcD!xCs<*9vS@e%H@a#f!L!kz3@N`t(+S@W00LZHEn4am0vZ+ zTD2R`m-5a$kci)PEvaOr2B-}DUJ)FId!*CTXElpMbn;`5-uPu!E{Dofr^dO5={cKm zdBwP>zVai9D$-+G>Nkr@F>CPv;va^J4PA;C8y?|wN-G|fMWme6V_f~pC>pjDd$Aez zVy8xG7`8=7ji@I6 z$Mz>QHEPavRc(5v)-q>xPeTzgmD0TuTEt7Tnq9}?6B5pzTljrB&2gF{ZKQj;>LXHh zOpj~Qc1rKv(H)vpSrawuykv}d!&s!2^D@h+J}u3@pH0}Zl||_4Ppli<6g+E6@!GrN zD|c1$e0y(Tk=0Cgk6x&J6MEj>Il5p+#j+=S=l0R6Tf^Di=)F2KM{Dz}_^9vG95tOi zqiL?)`kq;}eL`yEIgHr>oRj;&|Yk8`dtGi-j{?MXq z2jxzm#=?Wh$11W>{G7%slJ}0oudUn->pQ-c^JPF2twU7j#_-(x3%Zr|N;7YLgh>_l zc0H?zUv;O26`|MFpyGCCl1o10{qD#mK#e~2(hmb^8l^_xpp+Czx!32P@5=Q?ZVTyI zvxu%&^}TPI9wqPq#s=$+n=i;ryv%t}pWNbIxF68c-=K|pvm=Rf5%qH-hC1WfS75DN z6F>Zd=Ool)&Fn9EJ#XLR8|FEdekI7yqp+(q%5=E-D36%>yBALk5atFb2W@t>Or47( z#91(lI(Fi};^9Op`&Vf0F9)e8GV9|Pm*@)3c*=dqu$OGjHrO3jt1^qq3HOrz^f>4O z&rT~Rhf4*a*hEu{DZ7yxdPYzJi<8EA8fl!DcjLm-+cNcKX|}{!`g)H5YFLk1J9Pq1b1r)&9a5B}INE^y7Zl+tH<9(+JeG6MAmfcuxn!NL+R3++ z9doyfYQo!?^YT$q$K@&S__6w4a4$u+vi~tcKI4xfP%`he%5tKg^(mcs%DFun%m2cd z4@5w$mujLubv+vu6?Cu5GPd1~soag_A0Vv0k6Ym9&7DG3p+Ffy+VhKuL zaL2d1b+vsO6_uNZ^liYjN`q8P86)=9-`uQH)|l;adWJhrf~nb95~+r&DSe@=o5-kZ z$y5|-T3GcCiIH0k*i<1~(%F{VU-r4a3Bt*0r&+JdKILm5&CJQsnVvQ%yZp;8B}Dhv z4wB{zGEeABFyNs_5cZBqs0Wt!y>0H(BF9lfeLwnsM;tdQDoZu7$3klqXgVuWU&=6II^-^s`QWm9~ev z>zIXWydcHYRG5AdiZthZeu@mw6`U|-@>~@h()xaY>IFSNEJStQt{T;=UG?6fUP~WU zkyzu3dm5>aif8tA>l5`56Z73Z_9olUSx(uVPRJLtRj!fasvAteN~^UVORZ=8Kshpt z%R5o9Q*Fs)1%{0r&x`OrCdDwJX)W~bftI-eb}ho@`nWE}lvLp2>ryShFH;OloE$$= zT|LK;RTJ5IUBroKbk4H7?p~0bt+Ouu(3o(T%omhyCSu6xKV>{uD|b3xuX~PfebI|L zO{3NI;pwczNb0OHc%9!mT26vKv^GNIj?Ahv(`yp!o1Sd9gih42oLhM(fLLcuc@})) z*yo(7o5Gtrl$LzkPiGt@|0MP()pdds?QGqF;PP_Vzy`DJBiBgA>mhQn-*aCtO?r|{ zs_?J%)P@dAJiw#n(+M{Z?Yf$BES3YL;DkR|sPS0$Aj5at! zmJeKC=uzGvCj;j^rJwh$FiEHbJ2FNLGkC)K$P^qi>_2s@2#aJ5MWst+6^!hD3+@gK z)j3+WNw07v$Em9`e;XxCEw}TbU2QQ!*te?ernDi6FGhbabE0e#iCuH$##CF~-N*H| zZ1R}01$;E9gNDzK&fa8ljpV-eZTaVNs5WUxDZ3ek$kL^BBiI2xSa`9hQzU29Y_DLR zKUSyFoq!@hc&#?*TSXK#hq!4}{40Uq*Ds)-S8U9g-%0qmoFm+ddcAax%H>(fOpaup zq@l~_g6_#8&q(wHWwq=#jmaey?;dC}qA9LaV2Ed3)>yb|<@`Bk?We3nZ;T4+=Ms$; zjv0^et&tpCjq#P-@Fk_CQ@Tl{E=qYS&n$XZ^;rw@BCoqes^>(xvk$sgl;FL;sAKbG zFr7_Q#l4_%(0%wulX6OT!v@EDIlF7)7W8gD;TImNGmoz(;4X*WS-5>OBY^s9=(r<} z+I@O7ZjYaN80={i-RG(|i&HnIIJ2D1HTNnRxfkn%zul*!ea|WG^e76$Bw?5FMmKN& zo+hh-h{z=>lN>kMr^|POE`9mBzDm+??*){PGcn7~pYsMk$z2J;)o@(G^bVwbE3@FL z=Q5+sb=ZHzj#hY<}Wt*p;GRhRcSjWUg z`p8(vk|?qE`$Q+`Th5gv4BIT#_KY7eM9jOkws3HTGf8r6mY_c=LYLC_9lyi4z2Yj> zR8>@>EX2>Sf2y>$8`oS>#HjoxPS(%ieo4JF+df<)MVULCZsP-HnAfOt2c$DhUk#}& zb{LzS)&?c7UHqQDc>hlra$N&^p;-k>1I-AX|;c> zOcvgx8NanMDw*1Fo?%IG<^}3$J+n90*j(&f{2joX{Be3e+I?(Zx zD#P_>c^wy~JOq5i<9+kz)ovQ>RGAK)6F1Q8Z)INb8ZTgG>idQ^dk0tgFtN)P{WTx0^5S(d8MGsbIXo4}b6ew$OSM zF&L$BFqtLzynZ%Rt`p3FES%NDBWdx7W)*rw*@W8d3D+Mb$e8<7rO=LKq0Iuo|BKKEWox3rNHN=DW{!vQoTP`X!t0 z5aK{{ynM`Xj(e&?{7C&_4`fFCx0Ow!B#r@lq zum5V|`(I;7j$zw=I}{bEJhLBgbf&^62t$txeFfe6>#gJIR5G&$r!_ugj zh?Q|%*T|x=dU3zof+7cET=Lfi18dB=_6?td+}pq%-91zPuSNGp6z3B+@%VCf7sqlR zswAw9qDNklZWEsG$Le~T)FsbP%=6nU==am`FQ-Y4$$>e9=u0-oXC{WuP?+`I=i>{y zhIWH^d_A|$^ZLGj7hv+(aUQ5ngpL=B9!dclkC~UK{ z8s1SWcJ&Ph5+zfOYVtF4)p6Yk_p#JIE)(+qea=>rhO38xX8nU&^NW4dfOTFUmyf^J zaeJAW{rKUbVwntf(O|elE?KVcb)nY7!|IIY0C0P)p0A~^xF+X(3w7b`-^TN&Aljy0 zzp(9aKi#}5?`{x|p03yO4m;^N%hZMR%!@ZzN`D@$a6J)AaC7&EJ)VQKhTClQG386jj(1)8o%p^(%u|idDqw?2VpyZ3LNB5E9 z_QCk}T{4!;GYDyopN{t2zXtv(^ezdggUDoKuK)dvPoeX};-W^>c?-$3{O^mxcN$(F zvn!?>|F$d`41nf@0yh!P-)BnGdkz-j*tg-I=rNA(`~&hm|NH}J>~S3eYZv2A?DO-PI`tuv_c|BWa6iur%TJ>r1&42fDj{ z#F;hww z-kpOd=4-;A^RDFY-tYibNBT3&8|}o_7Z?4ai@8&J^1c-OzfergfU+-aX>9 z=gIwP&=OcPJ(&>@T$(=EnXcKb)7edEUMuo6hyNN95)uXkY_7;}l8G)rt2h)g*=2{a z)zY-ftoqAsb&!zsx#AAau#6)&cS#gr*n}l10A_$sCv8ly?J!wV?f(Nk>XiZuXpJR`U^k0WbA-*{wlOJ z)OD1%B?z9~^gAofIleTM!+f5c?=^VIceK5sPqQA$-+)el+|qDfpnNwp4H*&HbnWr} zQaUEjJ>7F$I_2^gId!jqxVap$bblgK13T8)iiV@Sa85m8l-04gdjj~fYnye&G9ofD z=-T*A3PXK$Wvlg~50C*Cu1s$p91ZsE)rFLHW;ta}#fFYa@k1t02FeoC}z z$q*=E5Tn86T_HyQS@cegK;N~Cu~9yIRdp0r262afY0yu-y|P(O)wdMO^p*YwxM14BE78sCG7 z8T6#EyCg=js8^KH7*fvOpF$bC!Iy}xo#&|em9iKXBb>bw29Lj=o`F*iF(=00twJT6 zti)98SuAuUYxnx$dUHSEqZQ4D*+D`SXPM-qKSw%c=vFzdu2}@%{P2Qg4n`pVIFtIj z`9%npcUd}E>0Nl@Vv#=j?)F(E44y9EsOL)&vTvVfj=rW7?=;aBCr~4%@{{=17G6-) zRsYl{h1?jeW!xEaT|$@d7OfU(m6)|&=ZOd&yU~yh2-XZ{`(xr>zSm4o41D&|Ui%*a2*V0Lw=230JnDk0 zXJ_Aw!=~>l>F9MuYKGYJQgPTkKheBfl8s)2AB|M<8{=(kVdw9!y+8@ysvDB7*IWN- zd8{P(d5Ru)Pn-Z(Q^U(+3%+268;|L7)bn@__H-0>}ZIb--^LyX_#M3iVw52WvMrWEw-&Tm|A?A+o^WJb!Ggv1_6&}lJ`zb zZ*3ujc(k^3TPIqamSxwk9gVIb(BUcWyG4Cv-)AUSOLaJ3&w5|MNo>DO>nkr}0~YVl zgmeE#>BsMqt&Jp8HEseu-@zN1_hBMvp$SGu_kDDx*MLG`y!yE3Lw_v4^<;V5L#IiC zJFziRXHPxshUvfr1TU>0Umgc+1#jke3&Z@^UGc)=Cxy~t&DudW{uU|c!pBXYFA?KF|G$JoVv^c~)RmqzyJYC~Ct2na9` zL4rSePPPW_PN~|1!GNmIM@qL_lcx{Pws!sax;v0`Jm`-XeR_s}Aykg@>cWE=!Y-2c zwL*rqm$@Ic9umHE-c2NsZ}JyUIDMus9-zE6VT9o@!8JVs>yAz5EwH?Be!5UhJxORx zc!_rbaZoDq1vq@lTZi<$noU&a#dFz~A7iom&us(pRCl_yC;V|1_jdB4bK|U#p|E^I za-hp{m5pbk9~!~R2G(KCW$uwPc(1I7b5zn^oEE=njB9( zLGM3P9FE}~BMNskBFphp^xt2dj-)>o#KKGkcpLXa3Bmi_r+F7g-QMgzgjI6Ch=()&UB=Dh{+lQI8KnVWGlhppl783u1OVqv|Z zPLK&>5_%SD(XJ&$cfrJKRN(l=>3Ip`MVkA`r_X2Uhye_wnslPY^od9F`k4WxihQ_u zOeg%sevY-Vk_^e#DDNUMzg*+zK{!cSyIMNS$v=2{B6cr^KogtLsMA{cl*HxdJ&338 z19vgcTU*X;HgDAPbuFV05!`uR;3H1VmBfx87i=?)UgRbF&zZ+Rc;W=JD7imc3>Pw4 zw{anl#Gr>QW}5YJ1O%{X5MZOB>u$Xvpe-R(xIxA)J6YBEjhZyp=N8ka;kU$MWW_JN zqDiFUTR&u);#Q8952nfxIdPm>EaY?kuB0l()I&&`cP;viJcDgfb0c|63#aSU>8q}p z3Xkk#`U*!qQ_BOidAOzk>r2PeKlAcqmEpX*&$-Ab8AClD_1ynO+*dzTwXIzXQUcQ5 z-AH#g5=w*8-Hmj2rywbff=YLnbc52}0@7XI+$Zk6?>T?K_lpR7@3q&AHRm(OGoCTz zd!T8YQGyJPE=eDb;7Pb8rC}3@4_=44SE1lj%G=IWvzdB7q|t56osjs%4we#2=01 zH`&bWL*#oZgl3jgpOv?~+4W3VF_kNkHI$2@dJejH08$4vCVw#aGBf?d#ZDq@lTlnjRHSxoc%4@YWrHP z@^J3kGnvY6)?ZW>);0;p&H)!AccEK@%;ul%;2sTb#loRPAj%Qzm!@T1M6brQ`hh70 zdO<|$yLJO9BI8(A44kjbY# zV>6#&tq+%CCpUKE%VAIgvgdo#JlYSv+b{K*6Nfdw=U|_`r1ZFN(i&lXq`GmZrf73` zyhxick2rW!>F$-yct0+C_M=Mjk#`B{eq{okmzu7}pj?6f>4h!CzRGJKRY6|yEey^I z(hCrPezaMrAHSM%Bsz)njWD>2S;q0%l~t$_H9~|Xp?vdo2=)H;pYadb9s*rZ^0`b7 zF^D9>o=_q>8TJKtjMZb^bRJPVjhYHGi>$5vgfllld&Z6+7Jj~Ogwd)F`)c>+w+wn? zv?%xPy<2on*wBiVPSSMJswd_jS+6j!)#J2#4A8)ih<$ZXfBw7e@uB_l*GDYi3PG?h zo*vEo^lkfPPi9B63i3v~KVi!FDir%GWW>$|V`T1*Cy2fsVn(_+1k}qCDd z3244T%0CKXZ-u6-M)(J-J9O;0%MmI9dnRCjJ~czJHB2!PmNEMmljfIzs24t~;@@sS zY!dyFHHb@r>}iP2V&ji{<91wjVmQ{Ja`FsZTMJ9T4CzfheXNYe}xI)Yij83cx&cXPLeI9%z z=`WP3+oovv{c$s@l$}(g3dqE20=-B__}%%Ey)D}~@4kA>N7lSnL=ALFMR>0OJ$&|b z>gf0*WKGoigk3`9u@F4|G^qoRrVLKiN;l0WW6t<0ykR;lB74^SO#aWn5G&wLMil?+ zonNRYe59y2Og*0Dd;a`}UqFjn(kHYRr9^iv;t1ApcxA;HiwElx_(%!lzg+du*_gy) zAgLgo;@29+b+(nlR9u#oA@y-N%WZG_mbL=K>R`lRF}6-CpHC9SMVX3Fw5EKnIK?~@cM=*=g%#L-w|_Vmv&r|e_nz2|j*ji?=Y4zh-w5b8k;MZ6OXTDut9!2HJ76D!NU zA&1;ci1G^;%X*$5$v9^`lGh7P^i4&ycPx7Ey6DEYqa?p|g4Gf?sbBmEHc9^3YKLwT z!`5sijsAsr%5Gj!XCmoS%tO7;i@6>+^F=?~=TmGa?d26Qh8fXC^V9(wugM~=*vKVgr2X_9v{QeBj$L2pT3C?Cs)Lo6=oA-MN}PG=9HlH zaE$nVG{-Nd0Hv6J6=&QjA3kG|DqeP7(DHF{?&jipmU*z{ww9!>)_$q-IUzSfXFnlL z6!HMr%b5}2&{rk4z8%&bPTRQ%Nm_Akd3w7A8rjU}_yeG5Lmq^#Il4!naP$&z{y&qyHy(q z*DhJO?h$R(JN7F&2Tqk|5(}pZg%h?&I8d;DnBx*76$f6J#}1$JrlVkNO3MFPT_*a` zev3Qh_AFvEEy<;{Q&q2#t;o#|r87!}F$q24_n7e;o2h0(`{r?>MZKWQ5jwx_53Aew zFS4f1sQ3wqV;jC{{lp~iw;f@WeolpAuusH_UZhLq%6(mgm%e~84>f5aKHIh3zwy#Y z`zVeh;XFso(b3XKCe|U#Bd)Oe)s)1sj^~?ejn+4Bl5B1^1Hsja4O&u+xTYSZ)b3hoo7|5Jp*-N$oga zLn`uzs5d0ELG76;I#(QmjnCy{4DjswoPSa#Nt;0xIfkZHU$&3!kKIYS;1l46MXA{f z7ltDWi>!zkJK?e&V&OhC<4V5c@Y%>qed&{n?L10l+@5JXwbi8-fhHuvENulL=bYme-8QH|=1uxlX{8GfYAMwj^M zb?Q`6YI-&cSF!HM-mQ>oGjA$_=lhWt5&gdgzM}x_6+ZfTHmvj zOM)ogo|)wxXQTVtA!Ul_v}l3!zW1j-mC+t&j$6!Cd=u_I!XoU&CiV0#D?VB@(Y<`7 z{b!8yUO&&OZVldv2 z+<(TqgPvoYf5jv|VU+7Z;^Un6RF1WTND;Ncv|5VQ5Kg4c6S?n6=x_^i{y1CS zN1nADukv^S)N*zq{(5%b+BB3y>#kCGIa_|f_cEd+ObCc*<&jYXIDN!LZAggz}05N%n0Y&)XWYDq`86?;-k)+{xe7GKCN z`H#*4kzBKJj+(o@;-SJ{F-aBz>sa9P+IR)30kw+=D4EYMjS8f!l57mn^@0+R`?c7@ zCAm`>X{yZLzoHTH1zt`HWJso^D%WQ<%zxa66DCv)MQX;Vlvm*&d;AEc=%nDFmWOk` zY2|u!X`e+TBt)8>KrRQESkK*i0xoGclZ{>*G)nly3WzdsbTNfQKV)$Kz`{tOOv^hT zqt8*WA$XB2AG8S(T8t9flka!r1|iSDp{!JB6F1fhO-wp^bOMNOn>xvlZ%04aBA^(a z1Xg5Mc(3QB%UzEG0_|L|NgF^SO@~t1>^gVe>&p_V{k8bg!%V?5ej*8TmHx92Ajl5r zo*Z7X9AT|hpMjDN#KWo|0;+$${V(VWG7`v?V7Ci}njZY?ZvO)CAfb&rBuZ``)%d$# z|GMTMpi#6xyB0p24$CJ<2SHl-pC7AIAZR!e)^6eWb4(#^{_FetSfQWce^rr5c4(@0 zdldV7djI!sKm_FhbK(ATYN^Kcgn1XgAzV}(?u%LSiCvqf-OTFmz1aW#ra!)yDz2Sj zG<~k==c`s~Axd0y**=4JR&S;cE_W;k7kw6$|JC3P^rO<^7VCoz?FkMi^nhSwjYG_g zrhDJrD$B~lcJj-*-~VaK-whLWfT>T}N}o$~`(``nlCg|HWm10g&YD`|U4zp)%JtwE z{q0L)>%%{W_rHw^U?Oj?;hdhLDy?YvseyLcN|bS7N% zf8FI8rRXsB^q7vk_8LKkwQZpTxl$(-Y(t^GAeRoDpU~*Hxz8G=4Xc^Pg__$%6XhDz z^qNKQy%hdjE&k^Y)?%MfI&jDm`IK7VSa4}}Zzhu1ZZ6klt1plvZr;P2m7@>|Qe6u2 zFa-7^Qd4-U{@vie22_*)oy__C=vzyHOL3xQb0l{bGYm9`R&9`dOeXWA=eEFXwND)L z#J7JBim1P^CMOb+gLD`S*SUi*Wjtrl_YB}E>F<5FD1PlUfsxi~k!4tmLV{vqnL4Uv zx%|(*Ye!&>U`=BPH8QUjg{xM|{?dN5Y5QHAP0PcpZqD()Q|dpBod_50qzklcuI2vr z-?{jAdqh8@fvKz(r)vLy9}mdPtc(Ctc~(-t?BAcu6$evUN$6Dz{=dGkj|O_cz!cM` zrS@Nq4@LyfyZAZpx!IrV)BnssvJA*+N%8D_?(aMM&!dCJ0Q0^B@yGg9#=obm4Fz~c zxyPri8UOLDMS_OWVV5+G|DO-F!v}yZ9lBFGLEdSLO zIz0pv#h}8(f;FzOz$IInf|vXkfxMXj(uY0wR31q|$xpmi>cg|}*{@Gg58?-)x zpyXEViIo2xxbPT%_WFv7XSe9so+0q4AM7Fk(uDQ#16t8=TEN%kAtgiW+(PZg}t?EZRcq~hM+|doH?9;P){h{^A;{C zvStJsw2`VmFW`fya}Z${`@i5&0i z6LIN5b}a~rRIOBpFHZspK*p;S$^krCo?<}tcpa1wK@j+B;5m(?!-IWbO$a)JOl2RR zDVb*1I-VIu&wUk^d~yo-SWLpoaar;^0ZkGeN|2>u1hy6lprq{$K<&wzTn|*>7`0Iu zVWxi^;{=9%u0tb$8AxXQaHLn-_=^Ewz}2SHvtOegI1(c}Z}YyY{A2~`NQ7|F3iI;t zB)KH$Se$PuPB3&*OsYlE`^#N(7u12EVX)wYs5`O>ofL1qFoW z*CDV%XB$K@ax{MOHv@EM)iJ?f7%6^J`6$MZsjm>{yA5FI|AHjukvR4-9u^TXOopj#36UBAAtjthFt~D+ao~jAG7XNUTY)vI~jBYa%cjnqp&anwe%^V zi1!}#X);YA(L}RVxy@{)XlV^aiWvhyXPAyQ+q-fsj7e5s(HP(nXhz@($39xUd6`5vn+DuB zhy>lo6kNH0G3nUbqJo!u(`C4FQM?_>3^gvhDiBZd_e^gl&gf9p zAtXTz9?*TBoe1)g&?u%;*#srNl4CFaRJmsd^*1Ea~n=BV*6_m-!l}%u=aRziG>CaFpwt@ zspG>2+n7VtwBltzkl%_!o&j=nl#tw$p+E2FBt~HLbY}?C@U?l?yA(FQGOda{pw-)! z0M2j9o@YDcpw`D(akwAhO#o7mr9;+wA;hX%rN#3dB)hq|_D#Dk{W5hKcLGR98^F+- z^z2Y7C~C#GHa`CqOM#{VbChQmlCEh>7?z~WYp$Mp`FCb#k0&ey)n@pS_wmycNn%qZc9TqIW6z<+QE){bpJ!!ooPS`Fcye(26Zz{n_}6ty@*5w zS>XEf4Im3foa(>}ESdwW9M`2MHNI9{LM+TH?x9r8e^H=?O}6>@x#{=-2a_V5-jBCh zYrl8goiibHVPZ{#uS0_H5%o`LmYJuIaoq5BJFv*& z5+YDSMi2gzB8GGz>TW#%)OHMU(ptr4_F)db@X^aZZcgy_VZeCKB9n=#J8IBP!_~W0 z{^7M=&>0bev;Y#ka|%?hmFpDmqsKrx@VRR|0zOSt(hQK+-d&4e{kkP6o3DUROUiD< zWi{on=T0kNfx6%%n=;g3Gbu1jp818oE@^Q+PQ>n})ALSXJ(^?4C=|)+g@4e+j}`|U zS9T#BcApl>__v`&pak}JJ!R7HcXME%NQw8AY}EPg>Nqq(1lVsZ%8LM788dH(X01rB z3$&JjsTw4`pR~rBpI#BG+Tk-1d*Sq7X%pMa95q0UNv;C0grQl9?a>`};y5Y(>`ip$ zsm;smKHJUvnZU9TXjRzMw$xxz(62ABXt}=PfI`%gWx4Xpreh2z4<1 z<;ZP_Y59y&i|4sQ(}gFKd{NogZ03PN$9QJsv&LN+QAL=JWXZ|4hjW(c>eyd5)E`-k zIg>j(RkS_<1@SGlIdNk)M&#=Ukm5q>`jYtdo>P6FDt&KUBMqg5QL~hjMr*4b^)Z=F zx%2+zB$G(xbak)qMOF5*YK)WVwg+{KysLiNY&_Mc>5HO4W;YlGWwk-`N1}Xj z?|*eORE^smq?{-2T7Pw|(LqN*0s+{y;LBG=OPN?E;Wm|R9YOF&_azocitsA(XA!yj zh`8TVcJ5y4)7`W=7~TLq-v%U$7X`b{@rXvjd@5ynEjj{rbLzB{(`siD^K=BzcXZ+< zyWG&0IY&=llG3S+ZF_*MeLvtkC~S!JSt#)8h3?S2fg8D#?eOEjPXouG9?+Jvafl}KITz3$ z#0p>~&rybXDyUe-+5d`Y3Tu3J@*!b&O_*4L*`x5~kYjg$^hAM{+D!k5T>Spe+H3{= z1HQ&#VwfvIzmufwRHdeUb@tJu06GIRi_TvV5$;ldvY(5)Gf^Q5$MmC9?u`3d>q+I# znTvCul7^ZLN5{WW#G@j#6L)B}jj6!eA;C5(Sf@gCv9u~#6G^8j9MsX+HAAQoFA*ig zZr`TXo)bxtEkoj?70i6ji0G8$F(rxka5}}jYckrN!?s5~Am2^mR+mPbc?_$_!}Ut=KL6E9xB!$IaoA9EJX1!TTxro$FjY8f-aGx6$;UHYH?h`SviN& z#~z8EpBiHQV?Or#CelYrab6os8en)kn1bqkJ9X*R;6tE+` z4}8?J4h&qrFUCJ{1duw*#TO6Ma?)Gq=O2psZPP%51(gDUpeRyh7#Q^CjPb1BJJ8I_ zjl{EaQ9&=W z@kaI4R*df^RXPI*S6c#ev_sj9KQgOS>w^s|9rIj7ifjX%9nQO+qA)1t`5{GMQqZyr zcvM99-=P@}Z{!UWa7JJ<^v~lypv-ChR39LLcHMvT%=qg^7@v<|Ipa`NYP7Um>y9v+ z_KML0xmLzO#_t7GQ*iZ1a_sN+-vpnUXB-@FC8uLTc4`jS>Q7QK{;jhBx3BIuG}V@P zi(|M{qV=*qtt+0d1g-xEO!L*%dYmZ`Chd{A1j^g&!$){&8CE|^o^5-PK*TGN^Cf$b ziunpa+*|a5!ZV$Dni0sZy7~C+ewhc_{Kk$!Q|vTPhCx%!mz3X1l`r27^Sic)eVdcQ z)!neF4m|s@R0qaRiP9fd1?&o)ChTEYB-Pi1Tvlp23OQ*`dlc4ZFHa}M zoL@*37^!fa$GePPLu`%>oSd9n$pjjoTE-V6Stb^T!B%&TeM7J@7+}LscTzAb$~0U? zcN}ct#uJ1e56J{6w(TP12`2dQZHgO`f--bklU13bUh$$bTvQbpCC6+~rY^Lu&ea67QSj(*lzuXv^R3BbNA&gH=wst|_!T`m3B&;F)X_ZFU>KtEdnx6jw`*h@R zQ=ai?JKm)T*dTfcy`hG$3`v+|Cl%$Mu^z|9*41~(pcbJ8=y>8HIcpnO5&3eYMh213 z-XlQOEqI4r@G8I&7eyRnK$GwtEuY{t+H`&f}UuunIk@-BI(;`*Z@5PRLS*zK>6@gZ3XaUlx&EI0)w-Zm&qw|8k+7~?d?Sw?uj zB#rHX9tTQbNvfknXeKglHQX!U(>AQNffwXDsMBS?pYRe?8_yH-zRciGeS(Rh3U5Y_ z0*fdZ*09`%#=e|>&=f25*ju!I(C2QvB$}a>WxN-JD$MG?>wZeg^ETZR#%WVm;XcbU zs-G-poeaOa+RhN2t^>0|bbyzO_^7~Z*wmg_S+fZMrCmgCT%HsXb5h-v27Ru(9nu%e zFx~oG*=-S29b~4*B#(SJA`{SES=+bB&Ta^F)6W z-SxNTsR1^WTd0^2Snbzq{cZL-MOenA`O|HLb9bB`wv4(l(wNE)qnTeOt=}*w0o;xLkp(-|g{THIr00B)Ju63$4{{>{khe0ro|Gys-twq;rbSeI--zGf2 zIJUKEM>R zb@E{!cLzJTQ$y1nj}%!xq+!bSlYVS+NvSjSKrLdoEmcnp{fI2bc=T!L?;`8~!0PP# z`lf1Q#yAd}W=ul`rZS`*sJf6r%5~2U=BHgC2GYrp0$IpG9XS~6a+Kgym;_WeUP2D) zUYEb0KM(p&=t?BB++p)vxW(=jB^o~jRbWsY=pp0*K8Fw$Xj4#l6!1dCp#2G;(|AGu z7!H$T=pWiwW%#{*0JLM0foq`l17O_&7mSk+LxE+QsxWzIJCmQ{-qWi}UmPy8fMq!u z?9x0Xp|U`XqtLJ`G@uQA{5dkIu+G)xm;|a6=|G=-+g_dhvK|hLo=tFLNy|W=@mSOb zI&`jaxmtR`M1f7SA4FRL;=SPn0$2#AQxW&0_sL7hnSEBo`>GtUCKQ1>DFZ|#-2^}y zvpZ&Q%Zd|+syhkC>tpK>c+bKp;@`mxq%d3Kebpi^)@x}*ha2mpdXsm(sIIAN`j9BZ zgMGfP+XhI1#r46pxd_210b^`h-r~C{G=Ry}r?cLLD)JuS80Mx*pE>Cn%X?cau1_{Y zkn{%)bb&|?Y!5t_CbfJDCk>?|VU(j%uO6~Nq@klDo_$5nEjU>)K-_F%A`IBP&pZb` z!rOt`%8NFjDWfn7D83ALrz-iVyZe7Mp6LAsf}+~O%DyA;nlKNWj)tw1(rvDDA};3TLJiG-rL+lPClE(Dy>BQ3k?tPl7F#?gIF%Y0vyI<+=Ohk}P7;6yMVnKdN&w zq}}S4>NEu70^5qc0x-Xx?Om&nRcwdJ9Wx`{x<_#>HC*j2G*rE4jXWG1{USh{B<8Fk z4|3+oz`{o%oyXqp!S`k|djOohHqAwD)2@9WQ8B<+6wV=gW~I@0#3~V!J~U%rS<*7G zAULom>rliH^5DFcFDFsF0IJYLxzwnmyJNXQcQ?~*+|WX;@+J;?-p5k&&#M+eJg4K( z0XqSFR`K~=KJQ8ZqVWbeNc$}80nX*BVa)VjInD)uvSb^y`p+g zrQEr8pN|!RL98v^kG>0@@?^jcJv7Tsq085cIUU)N|A*Sc*YeDHYeGC?@hh0~y2%i(k5V%Rog zFBg^{Vfx1YaES0dtK2ujlk=@gVT@@u$N>9)Uw?5cT5u% zxJYStjF+)It@EzJRr8=D)2{~}wtmWuMX^uA65F4>DOi7ml(WB}U>-Ow9pwky$V8xa zJNFA+Tkf21+82=DD*^BjZhR3o@($g_*Jku4CK9T*rn4|eqZ0f7{cI*$n7 z+L+H)nxfD^tHRO82YoLN3MqbC)2v+voWzQj{Y-J%|&qdA>_wCm>)P|?h zg8>D-0R)QysD~RW>xUl9guV2IA;yuzgW^5 zx%HRshN9dMUE65i?$vR7xVuI_XazA8ig*{l(xd zQs$@=3k|D`6DyQVby^9jE0IISGr8^aBQ}mJN1|0q^%d8naTh(0P3$^BOyff!c;j$X z;q<%p)@~a(9l0GPaE;3e~(JWLBjS{S_Xof&-5r{sCi{F&Lt!!=s&{AjU!@$~`-3@ZT6WnJSF zi~KDbX#YDwdnB$|^Qw$jOESIjyJczA6B)mH>sS|W>wPzT9I6rU5ZFI}QV3r7=p_80 zC9W_ZEVL)Q;enPvq5Z(3LBy(sg2(AKv$*8gOI-BacfAGXTPl6n&)xvbEWTj65HqAx zerFp1&i_y_Jr9=R@)|$YieE8YT5MjSJCxm}g8ri(7=4bb8}uG8orA@gM+2#W)YD)Fh4Y0RjCf*Ar4GIh0EAU6K{oO3Er| z`o!yX_EqSG<7%G{mmEEkBzwu#KWn$^Gu`?oXLs%g&-ZFfmVi z@o^CLSs-maP%Z2=RvOJX(FY1}ca{imUsQ=2Hih??{yv6qU{^>@emNb(DrTJm>k9tz z18!3j!AY@Q5~OjTSKH^!$T+xxuKQx0JMHG(D|-L|s&k1I^5t!CklHc84TT7A366r& zj0NV&iVwnD!qYwTs;`AiKZ-2B8^OdHiEmiD+bQfEdMDOP2w1tO-Xctnt()H6d>I>V zKB-cKhMHi5Q_y7z`u?3LL=Q_)IY%nbA?l!F5#r3cdYw5MHK=1QI`*goGjaW5jw>u% z375v(%xBfLyGkM#zL)kf=lYoF+HuTZ(!6ZmQ@S6&hl<7D2^MK*LTHgd30NdkbttFw^J#>Df(x3a7Q|Q~msI)c$$MGEpk;IlJP? z19-9tRiRSGThof5If>ijjT7WAZkTdZf9bj{nob?q!R{Y5R!?sU-2vgJcc|k`E1GRL z$=AcD7B8HE5??B7B~y2|txY+;9Zn*bY8(xMTnGBf=~=8$x+2=Ph1~W`z9l0i-kf8v z^?Y9_1gM6b0YfP4-M~Y5<0Tqp+e3ll))T!AQQ_N?s<2xc;fmO5BwLT!>N!KoEkp2; zWpX6R3le(F>(|Q$1ZPxBGc3i-WdjcbZ{?j2;zlnh;JR1tc#M0Hjn{^Kvi9=ECzp36 zpQIZW>$kNYQscR1(F9VZ|N2gOOESYxv`p1hv$=30WVGX+PJ7}t>P$ZN?h9)wO#W=3 znA2dh0OxpA(axR>>9#%V+oGAJq&k$Rx-<6ZoIjQ%U@z`}7mHFeE5SJ71&ncMW$IYS z42iI7+&!5jpNazpY@7iFJxsE>{5-DhCJupUB6qIh6@09`VsDC~d=*WU3|!6gpu`xA z?}}%*?@MG&j;@YBIe+@FBhV%FjPe&1#YLBVwO5e{4(<<=iDnpQw$r5Asg&L74l#=^ z+X&Z*0?DMdZ)Nk82#~sr-!u950=8SmF`rywg!ttrJJQ9UvhNIKOTt?u0)fEk3K^`E zj6{5Uh!9#DYARXsy1y@h82yqCu1T{P$eQ_)yY!1@_gX$Mf%cWyNM==#rf;3_@;=sdAK7Om#@Ob!r%B?c zs)bv6YAzy^2&^Y8l(z}1W*iOtU9j?(zFd>B>I+b<9Iw}hw4zTNn<4E&PKa_srplJ35}1oj#k{Q{d5;j6jp z$`o+D9|=vG*~IZ9#=i%uh^KRpCpL(;O|i4^&A-r6whIO$Xdbd)<1YP3kX;aAO>P%f#`7 z8W+)HP~;GBn5A!eoC1Pk2-*5`bT!3O9q%`0gI+BVYCkO1^3uBRE$4S>e=_GC2<1}g zd%Etfpym?-W?3lcsS7P;)~>S2<+uk$&e5WkXdIX`o`U2~eDh30?;?wv(M&ayue`o# zyjPHNs}^!f=_Gx51ZhLp;uvuUilniR1QcHq3a@iNDCZ_a-|rHNFcsRBPK08l(;*wze4prY6C1x9=jPLdR;B$B za_qH>ZX-Xvb?;}_9U3<7_bO#Z3jFl#i?)#mXGN1iJX=m^r0=MS#*UjJV<0H6 zYoCH-JPqyKNz$SLiMZ$eBvZU_B^9Dy8e>#Pr7W(#cZFd)T|614w7w&pm6)WGbLLxZ zy+Ny7G`K~Wn!Hi$Z7&*bGwmT}nVzTyH2Qdh-^_5(`O7?MZ0U!I%6V|ZU!RoXM!Uz z#xSLpB0EHDmrur)Gf!2ZYH*PVU_Zp_`Yh3Da`J_2Cgj;^)U&Rsid9AY5+W6hnp69zJwZK4d9@vX2EDR`Rc zZ~Y_sH8*6DQTy1&V*K1jbF1Xr0AlD^e?H4#RUA<$;nl=viyG0Hs z@7m|!WER#zasDXEZ|~$^j#BWe$ZMC#Yslxjwc{PRRY8~1jO*Rn`krXyuBb|hF-r{J zjFV+En!zb?YT-F2{QCE>-zhRoFrWhD#|D|59pCXDcmH7^^ndYThd5+SZOC z?Y`EzUiRh%zgGD1CvsL98fLip?`uDB1jZ;*Gxdia&5P@Y-d*^<^MVO*X^qts5I80tWaw$5Y~9rLK9CpBJYdL?+KU zTO1}3l&li4<))u(Lw|@4yLYFZqZn*7w5xv-(mk~iO+l9F53!A{?czokUNnHMsRKOG z6ovQGpOq==kQ1H|^QQ7I^#}9O)r0BPBLzjphobOwsPn_i%T$Ea?*2ZS8RKOSUD?DT zwp-G?@rGw{{hVU#W+&!aX3^VhZ8)7(^QuHN5@tq*KeyK+eGIZ2>S+?7Oh4j9;o|D- zb0}aauq$bg!1S|vILs@4f7RF{{lX^S9$e7^y%fDHn8-;k`}lY&5BjCiJcu9ni8?YluKD;G|578R4!l#K5XWjCo#QxMU zvQYl8O%WgKHg2oqb^-@Q4DWIJ`J^$QddAE9Gy5w=_&YoXpIL1;le-(K7BUGtOnxd% zlm#rxow1+zZ>ATWExHs4EkLC6`^1leJYUc&lY zy!GeNDaRF0P7eieu3->4rk!jim9y8g9;ndN3bzb#Dw4fPk))dMzh;+Snct&tNW!}i zZFCzW_|PJnB_iE3f7*iEjZbG{>&1R-mL#+kp}^cS?atd{MMbtPO(K86jaQQ4CwCns zYS^P!P3Di%=R1V0JYMmk&6tu{==HXHz5)HXw;GWAxZ@0Z2BDSwNd=n~&B?K%B5WD6 zX88M0|Ako5pdlo&4v8u4|M1@a=9mR6hyt?Of;-9_(*IJR{&*P_i47QptdRd={x`MJ zjx0y)h0{8p1799U=Ne;plMfv_W0q?;m)z!-Lrr`tb zZtS3haYT`R#m6_nSCaxRo29uJBOT_IZerxlUlMjuZVPrqS# z`||L7W{vMoNLSdC!c<0{-)w#wdHAhOQvw6r(EKBn_b_KSk?nB^JGWPqIE|kW3J3w6 zZz9G4eJ&gB;KxV{ydo0E2iqiKuh@Ou+?PV?=&T6Q8CCsKolS>0fL9U^4byBq*pwYu zRPzkq`7@r2s{Tf+SR*$j*LtIvO*)cKsa}WpMZY_*6YAImR5l*7_}d zQ45PzrCOBf_?T@8+L&Vs162*NRL%~#8!Z>)8dxbZd@uv#;JzXM%&N4=*k5v^TZ^2s zICv1t$95F;ql11)wnE!*#wefn@>>Z4mT0@Z!gVq>uQC!C7qU%+s}?U`Q~I`Y?#~EV zs^CHc9q?_BD~9+YhcXAr2W#Y4CW>0+-yfzxs+bdcTt#8t->QNMqfrqSbc{+s9zb9V z;Gld+RfF`G{Om8~hPv?VIrIcv$k(R(1L2JO|jiie<9*j#SHeAh6HV3dr z-v!XP*D4Sy?@MJfURYirSFJJnp5TH4sRjeu0HSYeZFYZp?Bs@R0Ig;hKl_<-^0hiI zQMbxa@bzzk^jLI;(3LPdhzOsUe7qn&n%0{wef6fA+K^aVvo6wKitHm6M;d=^sU0?y z2>9CT+(a)^P*feaGc{LZP3e2M*fecg>h4ca21@#5re01-OPby%V1rpagt+giEF}sC zDp#x=UW}RMg)9+$Jo3zjl(zHd?YU$f8L|Yd$%|#HihcV<253m$iwVEFQo9Z?+0co3 z-C5b6BMigE@iRC@IP55ytQ78W=f%nBi29ijfnnr8Y0y(bcR&x%6k0S|?1zIsE2Bte zcq1-H)Y>eQUvthN{6`Bg>3PNe4tsHmQuMS96u75`4kk0w zg1kp`y)3}^HzOHK(d=FVDT%KxzZdxOUIEdJ0+3fJini5tUkyR;J(qDszv@XkWL16* zp3>lW5>1#yi5!@zhgVLYEDjXNk9u~nE3GC;E}ibZI1@v;20PRwHdr6zJ}{8WB-5>u zOcP6y(Ltl4MslJyZclKFz5d}DDQW z^hZLkhNl6kGTL6Fx@YhbhIxnp`bOC7xo3+5o1|!v&c=~M+?J2Lc$GRsf)!)fp-fZJ zpE<910fhKsD*z8Ips1JW>0aSR$pK&zY&Ws*vVTBkU+mkzfBf-!NyotE zr+lA(RvI8ufc*iMtv@YMLYXK9uAwhYCZG79RA+BcaWIIRvOwq39kCPs7D2i_7gDeL z_w^w?5|AkY+L7r+CE`ja7Z5@hC_*wR^ncy~d4Hb}q%AGxYZtOXI`v9B|EwE`$NghK z;&vU>mgP#|7!lF$i~o`2+`s{w=H}1S@O{MsB#jNW`#)+y{=?UXR6KyJB3N@SWqtR@ zR_SP&VkoXCxxtR{e>d3;3dnWVRIhVigRTb+Uo|h({b%olLoOtU!r3QbZj3{a7eQl|)+UWLq_u*n5Ka9KAGQ)SQ zn^}NC8mpsx4IdR*U?j2S(xwLgu(5wBsO3_vw*RuZzO`q* zZ;CsA^zt?f>0SX;m0D$7>df^VvH?ir&)U~WwD3U#$MG8PuHRU?zk1C$d6(j}sOGHI z+w!VylwN)wX2?wo#q22T1rG{YFPcTn^%wP^NWPzp2d`?;l~!$CVW+)WFcT1k*>9uO zjuI>+x2BKlku})UznItwgi_F?(L^dP^8XmJ48}@rdE7 zXNgo3A@&l^^ES22;Y$@r8TUk(=rb6V@M0xT_c8Cwfq^$oN;|J2(fh(2Q&4>rj*Xv5 zIbUBaoP2A`#iRPZLE~g;<8h0D^`OI57yY~KLRD8XuQ&KUOP2EUo=ub*Z>=Mj)@r>} z%m2hweNr$g4W9+EAC~XrsVy@i%}aWcmbDn7%gNR6$6Y6){H4(qSX$>A|M76;AYf5~ zImsZ6s%@|S&qo^ud@LQI2v^@$hzen>RPQCaEDzXnLDX?~rC{4VH;`4;aMn z2E>9peLsnB$F*gw)LA}U>uq;nqmnq8-1i8nVDx`s&}5**9{4a6q-Wk56^3g5kRH-t zlt-i-V#%??2ULDibem8IKDLBy&_#dZuQ|&)?TW?wwp=a4piam9<4ba~3iTxS1i`F=2|YvS{*33&}^AWdsWVK3yp060rvF;5ie7X z^?Q!x#vSWl_6bk5SZrr&HBpG#J)iL=Gv|j&_^t;!Pqg}k4c+M$I$5?cQ(Jf8kbO2x_?K(zxZKA z|E47P`snN1CT&mGFO0hUKUCa(MOVZpM72#?NOP_Hu^a)GMM8yB0*yEO5Ge$H5LU zk}{|K?){PS;FBTu;eyMgv*0sg^gDR>e|U8k!06jdw`3y}F{OD@aZo zDsYwPi|N6g>S3mb!M$VX=C7G~e>m@lr_jZZAI!ItGN_H;Q)L^)aMItGTxop>#aF0m zYdKk-nARKloKBdB-}*u0+G*kKn?|QkI)0Y&tVll!J-Q-K?!2N3Oq1kPVBfl8TZMZI z8ihn>RqBlhf6G1l^;Unb=Cc(}7YpiJy54u64e?%(x<{#_x0#oDm&>MnouRMOn|=F= zw}|E|r`+JJ7S&--1&$(vF>}0uVRT`juC@aqH&Fg5kIt%o)iXLnrMRd0o^jNk#x`9& zfs62>uV9z3kfYU&ValJISmB2;%VCseYf}H)+5fiI*?DSEWiT>_diC58)Q zg7ML`utcarBJww`_D>@8149&!WRl#tE+xbTq1Jbj*uHFDK-sp_sj)?+fKoMlxc5k+ z>?gD&s$aA+I$|=KQ4Z&&5!_J*Z8d8HT&}|37-Xeyf`et>3QNk7ZMeWV=EDP zGZV9R&7egkw}k3ktGc(XetjCF%+jL`e(<=!=G40NAU^Fh&nYTC1G|PqTi}uTCAlS{ zp|!X)=VPes3dtdy^SK|(P$ECqp!}nAM%UNd@U1HD9*j2Ue1inhz2Fo@MtD0_Mh4(+ zDBAf0AO4ENex$ee%|@j#*xYd#_3|uNzK>0L!_uGp_JMB+iyRi_QsrFqJS*fg6F+b> zqg2Qgu{!0g_!(B4`;=-gs63Uvv>LwXNg3)J3TuN`;=4!vV|pGDTTik&Onkz=uMAyl zH$yIh|L%pFp1WIaW}Kso%BOUd(uKGOFCux98Nzndy@S^u2sqvwJ&oO#b`w((CNT@h zj?t#%(f=tv$5{pqch-wYJg=5y7Q@hAOAK$)UH?ObgwD)solJ`K_<+9{HFx9(ZZ&Hl z5(`XAM}f0~&(o~{r1dq~yB=jEx#!DS)77vV*c3e&K0ii6q^-|;TG){S1^FJ16gP$AdXJ=|Bk$#JxKm1xs`5x>Ig>-PZZ@~MlZ%~e@t*0Q9hW~Au^MyY zbl)`{C*t&|%^rTVOq?VkxF`c-8q0apRCCf1uI_|`!(jf-9&eJTNNQb<-F#eQwlXUq zDiZhL``tZ#YUpThX^Q^xLN?t0)c_YG(BosQ=r|%JcFk{^=yutYJ9l8&9 zjjk$7lxG!MV>S(T-%g4~WLU?U?Ifk|Bc`_ogs;$aJzZ6I=lBvED&4Dln!9u8^~H~> z(3iijNp@SDH!hZkr_;W(dY|0Hnqskwsd%QmH&)cRKkp}t^I~4vCWK(Te&_H`oGdqD zWq_+`r7m6u#jbtZder^Qk`?DHlS{>7UH`3vYT7^!ZA9i(4) z(O@z2TXiW(rkA1 zj@gD6QHpN!(FaYJ5)TaUtX}Fbc)^n9#t~yg$8Y;TX0m%#8SdM9q}G{;;*yt-v>E)C zKG;^r<&>#zpD~WmV*Nb%epb7{c+cv452qV3XFKMK-vxQ#p38Us1mR!D;puDGd#-6Y zf?4yLn%On(2D=rRl4RsTQt)0@#Td#$sZ5I5b?s!p2o1}XbbZE~F zSiD{1Zk!aF2mOw5|~2n_C8$j5&da9Lz_`| z@L?UDifTym|8@0EL82_dwqx7aW81cE?y+s{v2EM7ZQHhO8+UHpk9Xqris-1HuCAyk zuFPCXv*k&xv;E_lcDd@zZ`0bCB;PMVN{J{l1ny2d%>!CYezf}!#UwxX`m4UN)`Nw0oU8x+T)cC-_yna zEyKBli1Tt@rNe$(VK|dxlD$gkJyIV*Ryq)w2UtyOu|opTvE}rm2@7ifSU=pg^6ZK@Eyl8KyHS{Nl3)-O4xAHKL<;xU@kf^H=y<}>($1Y)?iRu?cc zI*3k#&;VZ_$|DpRw4n|pI&6LJAe_G$L42*elBB;u@qiza3FjeAmn2d+>B-TSCbpo~ ztnCl72$6K+T=Qw&bw(Rb^uYe@7M&^tdL-=K9#m~~^pe(eGWOU)de%KyzU(~waWf!| z=M;d!766W4O4T|AbglX(eCGtntKN_WmCDh9iLFCMxUB9juDC-;F_Nx~I`r8s+?ls0 zPOANqTzQbUDRX=Zf&v1qZ(ecGM9V;-QC=pj=jnoco8ql`L@{Yqx@w|riEaPKI`@e^ zXwRn$4Vt?Q!6bhoW3@bxA~?jns3G-yAjc##P8>&>LQQz-Kj04*CajR$ z7pVr?_o#WTYopGZqkHN=r`b9YC1b|i9Y8YCOe_Cgl_Frq1SeEI`B>H|$_xOeD4{7p6$*V-pXffy zDcR>d3e*8|y9GCtJq^ZDggceE`6J9Z%9b2+U5kusxD{6N(KgeUfgZ?l90zy<16H>l zI_`i|8J!%L{@)G!QKv9<$-xFQ$a?U&`eyc4fxhA->I@yE`MbIH`8YL*{iqmUCB9+A zQ zALxb_Sk343!_#JJtBsdn+N33jS9{1wz>a@qIH_&*?6LYaDg}{|8TEh%B*9llIQc~h>?V*WeMDOQo5W}(NJa#QAb&%V~6eR7ch=mU*%Kg`om@#|nx{KIkr`(TQm4rBQ2S1f+s; zj1eP>Ii(af(u#5+Pldtuf<=cSRqY15C?dT@CT&QhROXpBBrXUP^sSC5%C%Rvvz(P8R^Y(Bp2sNejk zun}(8^C5_~76}&alT)rSZ0FxhI_29UvO0MZ!Em2L;8{R zodP9jy`>b)8Z=Lf`gpb_wP@s8uUHqPcJ%D` zmphBFe11Neo9#+{JvCSWYB4hsvs)pl@sIb2x*2gmjjpza1wH#P$Sd!AT#o!yjZSsa zRG`R^qHx>MCQjB!9le+J5(<_=W-EXK#DHL<-aCT#F?cP{_bHZ$1|1?Yv~|``N-gAP}wN`ye{!vZa~D6R4Yc*xPns38ttygN#XhNS~Fa; z>sIp#Z|U-oU8O~Kl9+5HQ_;e7#)%)ItoR6{Rz%6Lwo~>l%Pc|(KI@j>h+qooGgGS`z(=#d3BrR5OPf2+)?i;A&Jr8XkSbycM^-H7vK^n%-@ z!WLT4N`3SQ=xzbs>ZBocw3b1qnV!1gl99g6Mn|#B`;{T4UFgcLA%c;2}uwA&_V#?pUM!|lpR z2;$DX1+~{|o$+`-_aK}Y&^1WkZIwq1e#`<-WI&VXH0SB_BLoX!zsz18s6!_RJYC)j zvqlW{*Sn2T*E*kkt=9iUL)cx^u70>aT9k!vdK}S%DT*wjc?+4Ei#kF8$^`lV7Y)f^ z4^C61Oji3gSvT&XoB{;BW@c~@#cL>3wkS>$F# zcEf$ZJ)LsM3H4;CFN3!)grjvPk6vYF3LC%NVGRE`X5}wwk@|<4NY=49^ZEFM-D{GD7lcmKF+L;Mn}%l0~T{dB!Uz(du?ot;?WZ>DZeAR$=-I&5l2c z1j@3QvaqpMt@Z);^=5y+Err@jOH6{}wrPD;d35TJi~tLrvb%rzrj(n(O@|4!EB`f4 z5FfH-iM6XlN?0ZPNHUAdf!nALpbKAZdW8zLicaOK`1DVmBt(W5)u{W~Kgsc+1g5)vMG%6K;7`PJfiN-(uf2BSYQ5S~}2c@CAL686__bBVbWW_&UV z#S#N+%PXTi@g~)oVy*I@)u+IyT$U*>Y@|ZLXH=h4POT@M(7OuE0IVWBEs@6C)SA7P z9#}1Q)6)mO9t3KEYs_Q0%gW%TYdg(KM4nSlx+szuMINe4w8mTbvO`RbVFnu^x)Q1{ zBQ)4EoG_0ayQ}4pctIAe&y0Dy)KsUN4AvA){mrb%+CC)%GT*P)WTv=AtgjU^n=TNB zeEPe>j3L`jri6>bal)Ip$@MVI5NA#$yY+2*h3K=^Vaq;~96j2I{3DDR&R58~uSZen zZ9RpPY+UlbI4EKS0tBG!3$%EAZR!{H*4i|RNTrS|_n@6T9f_07Z;tUMSU4szEtvLX zyYXu7_e@o*-XNlb*MZqgF08kdXc{_s_&%AC;SV2owJFoOoGXdJT9(m#8PKJ96-$p8 zFx}1!0cp5E*zU;p1Q-<@BpvTeF*Kt+X`LYYMt4oq06pefxsY{e3Y*0m)M)SfOvjZ=};esDOsF@bQ9hAB4 zm zaie?gn2a%aA@gSIMr&GMhAHjMVnq$4l`J#C@XMDiUX57kV-sD@tksw)KVM=22l0F~(i#M>n9vx8n={r0>xmVfevMEupi9pcOV} zI=Ta=9;u87nxu3-n7gD>^B(+-9b^SSc2}lstH9$o51SoN#8AS*2^Tw%IbaddC`u(r6f}2$^qbZ6 z^d}Zk!a|{)(x>1*+?$+iG=F`%+M_%s^FLps%Nlrh zy$~FsG%0cqU$Xkcg@vsL9B*i2*F#q~TEu|$V>7xTXqS#wu|!|TK^<8^s*#IrdtG^{ zX|U87ld;0CiP8>W2@I)z<9NE8WiYmmjv14g=JW`&g zI=h@ebfeo^3apDeOz74rzkCpXK$6B4Dnogg7G;TZndyDB)oP?s0A%+Z*T3r& z0bSY@%e%d@kUGOD6xkud3&BJB4Ay@Y2qji?n6rV&Ktzca=d11I_MJOzAM*Vod?OGt z_F}tRooDl^Hq5^wYEok})z-kl1|^<6=3NZNlFobwO=2`VxDZC=s?x6G!d`BG!}Sk)_GC4$*}=2;!{ zKg3D@yrd%EVA8cRQYca`J%JCNKs$lSPaSukyu@K3-!bE{$=Fk_e^wjm7zrweap~&l#$8$9gcSCp~-gb6W9i|edUqg*F&Ual#8RQEQN*74hGlr z?TygrKf6N-)Gzd14%!J3dqD%4?+5RXf zqeJ)lwfjk%k+PeuI+R6aIydbF>cABs!anHcOZ>4ntKVydRlJv<_w(# z&gpvzm27+A_q0T_Fh1`0IT187B>(fE7z9OfRNs(+O&Y5)C!H}!Cwg6hHjBp8qsAGU zj8(O_!Up_Zdlw261*$iQdE~hJHU*_zgkMUu46X$p`R*d)cW_3%3c0r`2;qal!>BDx zuqzmeC|VpTwj-+@19I6B1yD}K>@nwL`J>8+j7EZDvrwY_YpDhYGB>PE@AvdaQe7__ zAp$ec{S8S--FlUn#kfv_?n90#qpEFvqhZxlWwS=P0NY4UOH3}+sNog zaTFUz1)DvBpANTt23kr%`g2XT7~i4~B(~&Qe2UF(p%%1;Iu)*Xb)t9Uhu5SUTkCL# zDAzA_HG)K)S;JkE78Yte)1sOF)EHv)-3rHYSf_Tfy3fCHjbjo11?}Wtf;6Qg>e(@! zn(iL1)Gc-93QC{9uphWuY>xk6d<7!p^Silteef?VxTtgA8@}C*s&qTgD~Q9Apbwwv zEn54urB-SoHor1853&Rl8u>uex8Hvji@NIl{&QM|t@knz=?cC#bZ(Lo)o28xrOu3F za^8a9RU~272?0|+{X=EI_5HG9bzLW#1WZhSJ&X$fPXPi^I+no3zaetcGd3Y8ynIQfE0Yxl)jw=QRjP44(=}zkp zz_d`$h(+3xfY0IO`lXJkhXM*+&d{BiYl!oK&lAtr5)=cyn?(1YqQz zm6;lA({A8F^3XAT%Ih%4c^e2US#ZZmTXD|N7cb^+85H6XLtKs-Pu5__RqR($#={N| zp!g4$3*`x6zUjm=wuLpTex_o(mIwGU_jx}hc;Pl-ApBRiVO=%GeM3t#{taLAC#JC) zu)Z~8y~7b%9ZUb9xfWK?!z&(oV0@akEh}tiJy?m106-x#`U#DlU#XS7tWkX_qT|myw}E z_8P$w>zq!x1=K&aNZ*jRz>1(f-x5wY$P+6047=qU1+f;+w*Yq(NI*GqHpuxJUaqsY z#5j&aT2X)GO)V~WO)2O9=ogWqZa=DDzI|A;X(ahzJQNZld&a$`sf-p8Y!8JLH1Fr8 zh{i)p81o5f>tYHNu7ikCvgn(9`SZHa$>fw~?;oSWrgGHyy$S1B)TBP!67XZf8HRxq zyv6t>Z#YLzpN9f7cS4DV!+>KI*enbNtLb+dct?X}(3Bv}@ik($JY+BXP~n7la$}g+ zmID^qJRF)nicew5dY$}D&tyC(#<#C-z&F#+_CNwcli$p{HF&}bN^0Ke;v9M4q>gus zYj&;+uZnNf*qz-v{nCuVZ$J^KV~LRWkeMCjc~Ki{Sz{O*pAQ*`{WvuZV&6HB9_KI5 z7fh<+l^a~mxGBeKwPyH<_qCqIZCC)==!i5aedd4^A$y~-lKMu=4{|t$U}Y5X34*tF z9-+h51TlDoD;ty+{zWxuOwnaPjCm|_OT-A6Xy(jU=hFX233m5D2+V+nG^I}+qa@>% zU^Se66gC!xHA`4RTZ%sVu|n^Wm=DX}Osho5VIcM>?6i17Q~!R=R1iQ3D#u0x2pO67 zlB!>}yY_!4t+()$x{_7_Vn2-%)}<+sM2HJ1G4IJ^u(ynGqDn9LXLQBJ7zDLvvA+fr3+CrG%w38xyWKkM)OGi3*&2B*V-xZ0U-4SxWGW0NL5rXfaL* zzH~q}e~E_X(K8I9FlO_oy??Ht+fvgNHNKcdxm;Po6Zx>A1{K|39 zIhem8hQZ!V8k~*QR-Y}%f0wjeT$IeA2_{`r2V$c7R^PRSewDQFAqt&`OSOTaIgEl$ zlV8o8zb#VhXoAfDpet*0p*O}oU2uD~S9g^b{aUn6N_{&01Rd_rA#T*LxqZQV*2_*0%LPhEgGP)145>Y=h^D zFlD)|#VM=hWDIJmpNuw%%^vb6Wz)FM65^;LpUXXbHzkzCXZ_yar8MvpKN#QOzOA+F zN&?uUF$7cM<`+-#>FNw|o%vKcT@=-Y_s!z#P~9w3++AvNQCGr^q%PY0+27 z^)vx^OML_RDnDlQ2VLpanx!Yp4*Pjk0UXC+b+*x8}u1oH#JrVZ~_R-3resB&djh9B{)*uoZ2WKltf@1LNO%Sa8aJETvtJ| zB(0AU`U3j>pek5S*9lG@iWyDNcXaa~3IYisBOyygQk-VB87!E61q@~#xAhJ7M?LnA z(Q$V~34`R~N$yBT?`NDKwkUOEahhIxvtaLhi^l-}-s1$nk`Gv=VfuasyZfg*vLAc9 z%vTiz3YuU1O8}IIL;geQb2UuJ8N-3TK_GfIX+SatODx>t$UtTU;;BDEk=4>(pbs-) zu|oO)eLpkJYE-Ei>YadrQ?oL}ekw#fVqn*hpUlRTotVRiL{!P@+cW7Y)5*neA zw8Tg3?knFY%>ppuZM0t)C}ual5wV{*mIR)kgkJ42;W!?NG|6pDv1ggaA=BA8wfM`l zA8R0VsT0!2CJ0{Jzud0EUnwuKXI``Odt3);Z6EuILTT+&ym>gp>h7%eK4L4K23*-M zX6%45x$=AHxth}n+vRkLo|m$-u*j34tYYmyWDR#(?R}a3q(g@fK4$?#^fhG>o@`6N zWSqspP4-=qiqMKev?kZR%3aJI@+@H{N&f}f8HI}Pf2HKaOt1NRnl@qrST{MD0T4E5v&?P%{+b3?{Ge3B5-h%KGzU7`i$ z$5s(YQvbMuB#s88F(8YYIKh=8^#2yT$I1vLwiP`kujO4{Q_=`}K1;pxBlv-azfaZ3 zM8g!AR0BBT7TVj!$Fz;~XOG9H8;+s;$$(uDdJt*|)ebFAN^%60Z~mbj7cj|oJ6G5=woO|+cvJa&5uBo@oZ=nl-X zt6o-DJ|bXkuf|^?bM~btL>>`Z!o@^=AJIVu4;=KkKQ}he8A+bB6wuy>l$adaWoMM`MavDri-r=%(IGsw zy~c`*My(zL5$#xYl$?u1#BK56^K-{gbN0`#)H4m;J`$Xi({zTsgHzNhNI5;1X81+< z8=~4xy~Oab3?E+t9#du23cGKCfWbxK3q%JhPNt!LkT16Njgf?T79_kwUN0lY0&vhP z>S3ylEOs>yS2DdS0(G+Jp;q+gNE=jL$_Z{Q2JhBrLhTRV19<3*8E6b@`C{$ut2|^t zmOn!tomf0!^&OwGqkd&z>TzND3&<*hfHGB>;1V@XfVFc*Hd_rPNAgv#pS|K4PI>r= zH^~?795`NcNDx77eQbl>&X`Y!@Ap^CoT#FA~FH_Y^UY+9~qo+@R zDkIrAVgKE*?p_UnmAqcL6U-5y4$;01G!lbul0#{XJJEW>=npqt0UXIh;t&4VgOg)5 z_m9FPgAdb`F7JL8DJqtfd@`%ncwgjwA|udKE)n-*Ga0frj0ZhWeEu*lo$i@*Pz491 zR_G?Q(ID8w7&G-vik{hx(KdsvX3dq+mYvk{3*OEcy1CWQr}>2T8@WXu2nW{2jb+=i z2YDFc=Qh$T4*0=4{$*flG*6>{a^wXQLWv@iq)7(4s;V)QP(|CyQJ}1_SrBuI`$1FY zGk_{h#LAMYv?@ZYui;p&ZU_Ktqd|AR`0Rmj&*{%wrQ_g_BR*eSf6WDoU3+JlrJq8E z=826hmc5)5PVxpcN0UcG%GNbNEf+}3TYS$oqHTEj<9`+Dzl`btfl1)cZ#p?xjzTDS z^X~`xzY%!?i{)_htT7erRxp;`xqTJAz`*#+(`+l+ z#rVcoR-_|Am|!i4id#a@ z*IQJ|irA>L^rm)9>ecGcsb9Bu+~+DztCCz`h_Ne@s67|~DP-!c@7r2(<6=&+iPiro z@ydVsO_^+spf3in&3E7ySe0D-E5%UKHq@7fm!yp}+$)iZSd#Ilk3s(Xo0@Y4(fm$^ zk!k4tTrKV(I_O~{Kbsg{U>1f1kDV7o0+Lj3L)v-cbQ1?z+Hp<^RTrOhKbr3P1=6J~ zn?G}Z%!3@kTP!_j2bl?9ShWmm1z7?&mVP0ToanAy^F=EjoBKgg=3606zt3CycIF5P zLv9&6`TRBDN6f+RK+hh2fH6zyl(jmJo@H!XIVQ*p<>Iegeq{Jpqr^a$Z*p6pkqGC- zpJDf7t&I50fKE#eSMIg1s%duY|I zc}?m1(jWsKR1dWX13lYFE_6)!;Zb0))Inn!=2Kh$XABr;PWbHVk?8;wf)fj#Q{NDT zMS%;fmtvXS6@0CCNP&=VVW|7IQC|mYEn5&SrX*K(>P*gvm=)dB+?BJ72HvsQ-RT>J)(EhQuf$POupv9&UY>6aX|Ui*0R-vPe9q1 zZpv=ul{MYVwnCUIQkq~{GlqwH%BHl=f5A~)uecE&)prY$-?4%C5ZQT=uEmieusoRw z!>}x-iOg%nJUv5%PZC4?OaONTyAsaWWtabI(TqXDg`UE{m$}EnC)E^#?2X1-M;KG8 zPu~CrX!eKrX_XkV?M1%cB_P_F$y9iKBB?dzybs-Xzh#Dq3LGW43sVAZm%P@d4Ljy%ERJXKaBYxoOVzvWD@iiwx51)?u-Tz>>v6%KusCt-~91> zQ#l1V`&I)#v>J-yQ}ibit|#N{C67LAR0L5u-2`O;PVssA2c)sU)g1yW&`SzP^J|HS zkk|npbUr+>xYcCC_6s$DylffA5o6xgOY9GLKmQbC2kYu=!;Pvq7d=@1`b{fQqMyvS z`pGT=C+1jT^^s4SZalNN#ZI9o&rjB<$O3Hv9@H?Dk!$>P(j*Dsll@mC{_HhJ8xPvwPN`+Q6aHaV*mc_Pb@3HI9LtwbIR8z~k+={fA@ZN^V}0^2+KliEe$- z5b~z3+?QzV4 z45c4Pg;^ffX{5-x+NUx->Vo2T>I_cQ# zmiP3zjwlx>j{<@PN;zO&pbF~MvNPeIvBJ35TOYJ?fEyA!+LvGL3x_jRkr8mh&c%SII^^Hi} z{-JpsiJ{TLf-B{s>_|aYpg9L)-Ut-CA1iI^OCg@(?@4_jk%(&1eQ8bGbWM&|=Z$H#RF3c?ae3F+ITMM2Z7^EO6RbMAt{zmNsd(z~+|$p3A}tp%&9@=J5A*nc0P-GaEP!I)>h}m!{Y;MoPs@nHzh3{hu41EKSrG@SuSd&mwrnO z4l-GHS=;1Qi2V%knv09Dc!FGc#MwwNU!gmIPP~j!O;iX|ZJo{~eB6+Dh_nMIE5sX~ zLFABa$l1RBDaAno9!;oJqO;N(;A;!+0v$=M7zB6sNm$x=DI0Z-1r4>ZF83EqjJIy} zUc57U@aWyrQxIW;9#(Qc$j6FjC1xg7gN=HpbNk>KRXQ#cYt`;@!-J$eopi%b18;|| zjsJ4A{mulRMcHEJRUCN4A*>2@QHc~__MY#w4e-mr)#VtxMCoQPcMdI2(_tx{heqW@ zd;|qSx4*(_b($h!w#GjqcLGk2=$_IB1^)TiJ{uKS9$S|M>rqtCOT?gXDj4e#RDPK% zw^9U+Hjpp4iIvqMEgw>NUcv5ekXJbX>uaZFZ4|5K&P<_&Q>7UL!-ml=UQtuaaM_9| zYaOhEG!QM~+)+xN7z9_OM<@0}dU78iGqYS4j8)h@1^)SbSDXnt1INX@uR!V6nZw9$ab|x<)K$@nb6tw%kCI3dE52-&99n%H!s#| zN~_yJkX3fb75Ll{W57TzJ$G5#2T^;fw(9X}L5vr-mA{rSj_N1&{#4Qb$Ou%xl3(34 z7GCtuE;U=k6K}|$LLB}jprNc%0A`v9$~f-ranEJetWv)JGL~nCs`*$WON9~OHH8*{ z>J**2!K+kslYV+upk9E%<;Q)}zQ#MgT7QRwgp`ynr9AHQzMZDtkxD&0txU0PcvXt- znO1%Sp;A9B)ru)oM(!fDKOJRY=_x58j17}tzM>k#)*^gqFH4?Hu0k!`@27)SQ3Pb+ zhHaIYimt1!STz2w9V0ywZ0ItQ+71rI+H0`KCm4QRIyi^kKZT!m74P4^%&5w5=c$`p zx37P{V(D{A48#Ptq%Zz7RVRvS(|3MeAKIh6zoX zKr)dwaFs*&cVt(Y%w!MVl3|;&^6^nrWf_SgyA|c?nU$>>%zg+eGZ?7Hxv8yFUO}eb z`+t`vHIGs&d_Ckg4~-Yqu__3lMQVc&YOH4=Y7y{9H_s@>VXYcLQ~-%ocP!G@r(Po) z@yl#9(u=|Y{;V4W;FGI!PD@$jlA$LpmI=RnwmNOTT`EBc;2T@mv}HB6!#Uz3VIM(_ zTQwLvie*5zZL@$?aH6e1E!HN6B2c6kA@Ut+G?3fzx*w`7j^!vcV{mR5&C=5KD%uWi zuDLww24%%26G!lr7nzmKv0Fh84!$76EZN2d7EakgRY=hY{WJ)kxdET<1IxsJbn`NRMHgj>6OPU4kay5tfA`ue=Ls2Zu z_-JCMnP9Wm$bd-}2qq<)JPp|_JuPN6Q7|~weFvA7*OJMxtM(h&(^}lSb zmO9=Z1xi`D^*ZQ5o8X(_RoD|qsUeoIsMT4g+($5VanH>Krk16EW`ny|yO>FHuS+7S zpIEVRk8J@}Os13ZTg0DpdD!!+{WQ~uK_^jo$Fg5+9cnQc>j@OImQ#S|=$P zfL}%jp0rnU2xmqZLS3VcXJ!-#%SJICHAw(fYCO%TM&X+2H8f7)W4S-q)ys~W4{nRa zM>nUJgCLQi4a-eawoHj^V}+V7UjwTxc4WJDfqZ6MIAprlP)=N(_S};N-1BC& zNBJv#TMTg2DTlDVK16oR&XP9Ebu0sP=WJH2M_JkRFEB}w1plkphgY9>kE$Z z8vp>6X(*EKHdixn$yB9zMu-=I?l%d5F;4Lh5O$I7Q%PXd9O}2+FbnWAr>J=A4(#4o zAE;30-+898D=o*c!XZxK@cWj3TJ1B~yQHd*7<3E^n&eS=J2nHfE|@~4VI(Y;Y4=%> z&l!!T+yi8;-DGS<`u5G;9Wu_M?~^*ug1or6fWm2n1&hfs3A+S>(25{mwT-x9o;>C8 zZ*vHYkBX6_v!ZFLJviYROyj!VyxVOH>vmNBDriJYtgwiTPPPV1_w`r+|x$$ftXiT++3;DqGx@rS^k{9ay=g;I8OGg`>}I% z?vjNzs2@5l6<9YcfK^ZgPTi#oT7)2SI){pBxnoc(&Mvo?v~UWAd^yN+&RYPn-|GUe zalI!>cUQ&g$|hQp(k#e+3@)}4EYbeR5Pqf~T|b8bT+Zh}Ef$%f4?Gx%$I4~*9gm@H zfw!~Lj0R5})BJcE~Gz>rYa@l!&I|l)phgt+Y zN#}!?y{I>}sO#EaQ(X?{nCCGA1h0;$XOD|s)^fi6<+0t*?y5s^bB*duRmmYYL)jpT zP5gUmc=`6HnnGV2x@lR0RQuFh`|w8_XE8X(A~{Wwq1NuUMYD`M`Qi5mg5!$J-6b*> zJuAEG9!Q~P(IYDIU+ZkS`xN>sf4n?`WI=t0Hu(G=%8LOqH3G5R>}6Y!vUq!fQ3HF9 zS%scAX*iG8uvT1dphMEPlF@RFkt?AcB|H*nA5a-De0mQ2?QJa55T{NZL)BqjNE;{$*$16^N6J1XV_E5(kla+Z#)2=UL@(cY89c9Wxn#XOzcow z?V_Q=t2YrrEN!LP<35W{jF2*eZ9PqKw#ia9w>hux61urxonMJ*(RDiQFVS?}eZo7z z2k(TfM>9XQ`ZLxeUYss%sn{x(D3d`v<$?D~$gdM|64p~1>UpTe~ECaUzVr3(bL&p6EwA&1az8Fv&_*a@_G9x=~^=;P)9z zo}_JvR~~)=-5*avCDHkr4dFWfYUx^`iKp=EEH%>8jk{TeWO>42)SkyYDxdA`_SCYf z5%@UzFjYxYz$+{II`5`ar{n2ql)Ml%gp2s3f|%+ez3K)Qt4Sjxe7plqu=sA?veb9Y z{Q!`nPZG)bIsDjDoX4raz9^c2-=^;^#+x0wn-8a~2t-HDk}HR!3hMLr_*$d0!7wtM zUTR7E@Vd@el49&xefS+3Z+Zhq1!4JLG&mYoyz6gALRdfujNS>LS-E(FE*{5W3jT+W zEE~MmkLsv*;Dm!7$_%)rL2!Pcvx`<5wmF)y+SGGT%ekO;rXh3@p(V(at@fH-X1=x= zWG0D{p9{EAwZe{mfkTFb6ztB;OAC7sJueL}vKbr=Qe75hL!gE`ILA{dq^TP?Szl4! zz1xKrQz0D}Qzef-R-(xQzklYCbZxY{FgEY}vXh2Fl-4Bf6w4zP-8~+xq9UJM?rk74=&ps(3yv zfU0?J$496KlZ_HWlN18v7KIN0kp^9<)5Xg0Xu&?ANtb@wGYprCy4u>-=h(KcR+7}O zF4rB0G?BWREYlO8&R=-gKh?3Jx91`SQ#Y)-pZ@GeVmFJYT@1yNU-)Zqf9{7)BC@fJ zXQlj_aSbBCc$~cRU`{n_WT#VvM&H@NsYczkS2ow-IqN=Q3BlLAZsRdY$XZVHEj}SGt6q-c63eQP?sDbvE_p!Ersv?OAPD)zj)D!B ziH{JoFE3A>8I)clZiEc=ap!ziI-Va<6u9q@PADMy8=$bCcBTPu;r>+EL*)aWMi(Am z-?AnXeJ^Ua^q%5z=vr6nK5Lr`QO+4Qe|A2WotUgf0nqi#3FXfM>=6ZqX)J0>96(`C z6a<`dNt~C@{0LR_dUJ##KKq`*%qyFqRo6_q@77Tu>DFQCAg2*2;b~}EU>Bb?Ny>yznXDTPPe?ijC2)A0M54p%9^X|yVZ zH;0%WYFq6#%w@GM-7-6K@U$NAcuD18i@AOi*lQ6Uu`*tB53W?q?G*q%lT*JGGcTyV zA%w?Hn%YEduw2-70OYCEp2+?=7u**Zz^$VgfB)=nk;Y)6Yw9Iyq*?Ovf`ZEXJLIAq3DCK19+CFqF2V(AJ$s|va_1s zq?kp2S4rzuHFfw-TP4B&dXGxD9|XQf5hP#|+!s?Ac!^XGt_9$>+8i4`1VeM{_SSlwCr~61yz4@DBfiESOngPZUv|ilk+9v`u8vy zkGusOa(1i=&%Sjv?}i@+uC-4T7I6Q1U;|uP6r3y{cv58;eKrCnF`^B=tO+M;J(6On*qZ0yj?N+j^u3d z*OY0V+Wj}+4W9w7(2{1B9c0~b(Oqyo@WaQ}(k_ROR?heJkaMB-d6pry{hn=CGscb3 z6f)5Vncz0>l@0yBJK>Q5fDPXNwfO(u&#w5Xmk{5$$9|Q>D2b(nWwTkR7V_3oj3m^f z<0*zWHahJy_anew52mFyh5!BV|CPHofW5Bs6VE5zdjA7_aNO6CfAIsAU;5M_w0L>z zjR&VGwL(8W$XzDJ84CqXP=i<{EE}HccvQ$s#nmd6(pC)@nd677JwL;Z)fxYMPU^t5 ze3M4VW?;AeQ*EzXE&}%~3;y^bgRx~t8dlDRtiF5ilOF1^o3q#v_wIiX%Z4j1Y!GMT zt6T~b=;mlZgHw9ZSN}NJG2nu0_aB^I;o|d4qIf<%*LB>jT>zr%t$AE;#c{#2{|ARb z;Pa4;TE5BXC9Sz&YdbRS{+v12djB1onc(hK;EaH82fO<=Bf2-kUp+b(;%v1#SAIX> YDA*2pc1$p00Kbofh^%n6pq~H#00)%C`2YX_ literal 90776 zcmeFZWmr^Q_%2STAPRzlgaL@8Al)J$-8}=+F?2T!2#8YB4T3Zb-6`E5-3=oQ-Obs& zzM;SC|KWeG^X**c19NTH%zpOT&wB2s*1ZgrmlemuA;m#LLc)`H_f`=J3Dp|-t2`|9+KP)PFU zS1C*dYzeBbt+51eH#--wLeTHslSg|%hZ7Rw9fV%|URPeeRX`Zyfx}~l3Hdlm_2%Bq z$=Om)_?ky`^-i?YT#6kkQd&4k^xT1+k4mAWmTtWq?Qi}knjnRiL;9*^qxH9 z<9kTOT6ztho5vVjaUHg09c%Qu(Gd-7c~FY%egB^9+Q-Q_EGMe-4~#^H$lkdko98{H zA0lRgi%PKQ2z1wFH^)18mZYtSR-1n6j6kH?i_F{T`ToQpuHVn(b`O6 zX?Ywi7iMlHX0m%HYxgR)giE70`_bAbk7vf}Wv|~v(~GY3#p*_za1=i0*EE9L#Fd;@ z*JV#U>R;>l&|k#G&uTK(p=CrO@zmhR4*goY)aA;c-uTna5OWIMbVA!_oUo(*_<|Jr z_r2{z9bIP2)*kN09%+Wx%?!*MOuAxKy(tNc%%z`8pBcK9hV^jQa)KQFP4k;}A7LO< zJs$LCE)vytL^80kE1^l))qV+jvXr%7Vsd9iVtFVQr6LNwZ)|D|!@CRac>c1kp6!V5 zP41}%nc6+1THDrBv$1w#Wa}|PiE5iMBcB=kPfw7NEX)I6xJ~&dySGp^V(be&%0{(F zy({fatr+*r8a?@46qM@DTc~rWb zQ(>3kOd&lGZjbY1Eysj(>i*Uzd?E4l$)AQl*?;!^w6!O%LH9uRAmsl@ zA?np4&l3O8E(q5@FtFvDUbH?AOGd0_FLtk}w4l+$1B%aWxq89HvJ*(=d>nYS_iG>3 zVonEbH67~(6zOw4mL)e1v1{>LRIg$HAzN~8vurcK?s5iQe574;*sX9DbVt$l9%zYK zBHK0I^*GHswedmu9=7lX>zOqcJ(d1b13Jl9YF8?WaN0gDNl2s` zC{)OA(81|KUr?@Q+p5}1bBD}mR^wC?R|{0D?W4JfxcFb{oq^62&zAScS9M+z5Csv{ zJy6Gi5WOUleR=0a5S`)!3!)Yxwg;T_951vL+%rEYu`2GXEWKEz-%{f#eEn8b;V5TL znZp6~2jCeo|ytG|V;1wp8KI zbk#aKcwE38#682Eu=cudJ>fvu0v4Y|s#YLhpi!W+RmvkXtHuxZsCCUd7r`s@k84K> zUL|#7XELix%;Ot(U~;ouoYA-2F>Q`FioX|6&wc`NgoK!yLe3!A<&Kb~ao3!J+^w9X zOmLcqnA_Wc++|qHINcBKyo1EdH~NFDCWd9WWeQ-KStM|vWw~YOc2#n*cA0jvcIljm zN16awP_*%FqmtK%PzP1(`zYb`@BAV@PiDi6t9puhc74ATE9CzWOIJ-dZZ~U}UIs0T zEo0IU5#Eh3q+zG2lrGM+AGROn&*bcV&xXmCtl>B5U^g-IBhjj%qi!5Uf6@F&QFige zqUTzy45f@@jF<(=1wIA)`I-gVeQdEYELInFFqip!@_e@ZyXy0m3MJTOU8Sa#F8UCo zo{EB^dPDKzgHkQXxY5bf+)Og0ar`<2b@WNAZn{WTi<&sC_!s?%<&P0irEsN;VI*)I zh3vd^<7SY}v8^`3z56WUbGlS?&#M?g5F>aPOa@Bn<4hh%@_K(AmXJ)=Q!pj7A!{dR zI}c|%8a#UMGUCj4JaV$)JmxB37|S~JFyK*PU4H#rZQ42k=UV5&~sO(S|GaYwyBgtD4Op(H+?!e4|}g+qP& zd_=!*J+XfGzB42Y^Q-??pTRK}g7!Pp_l{X+xZE{P2XKpUn@N-zobT%r7QalR4=1gD zUh-t$BT{W-Ec@aI&5!V({SVJ#TVu~-?-mObw-panx!B|_!`dLN2g}p6t8R>{c@P%ax5w@BT9PCvKm_?FUBm90ktth!{6(YFBDEL-@;C6@(fd%qSnGjand~ zJzTBoWpO>V=x~kL7$Y3dD!ic{;3?$Vnf0H*+d9)cL+l4M9NfT)gxmFy=ZY0>W^omPaQl0&JP-46w8W!uBEPzk{~0b=|7 z1FkFQVL5+6mE_dq7v@k+)v}<9ea#GuJ&Sr;R5{0r+KQCZ$ql$jmc5)xqAGX&(Vac% z>$t$uYU2)`59G`P8OdZDpdptV_n9*-5@OKL>WB7w`_zq6@Y;u9W9C}0fJ57AcURtF zUcva|!g70F`;^nR#TY{V5Prt-Bv|FFb;FN2-o_K@6!H1$1OZOwS-rWMG0LfVH{SE( zBxo!0I(dJRu@l>NLqm**)#Y^!W-O-P-3JuW0z>Y~2YKs-eTw4i>%uADw>!Rs?%XX7 z(7vR(-s-WwChU$F%Hokjq)ZC%vM+JkE}u2STbMsEx9bpJ!cN^*=_AwxuNKe5PfTWh z?m~Vb0yz`ra~t^&`>(-p_0x&;lenD@K_XA(8}*aG>l}pLCOm7or*WYn(u4hK>YDNA zv~OTh+Nb$G9* zSLdL&1YuO%}kiZEp7few|y z=Qtq8d@P~wil8W-r2|>c7{Vw_mz_R;NHh z5<-%AE3E8{yg7?r_jq)&V~=*bl@LW375n*jY^FA_uhy5R=r}|;L~gi5F;5v`8CA7P zq@Xuc(1qu%5+Co6yA0fX&{*4^tEGUQ7wFm!N#s6Anyf$Q<+hVeZ=!zo#2X0( zi|XHx$ahdIDV1o9FqfXiCs`acBq2b_e0%u^ zXlD*IaK$?f;@h>bWo5PQvkTc|2OH94?n_TwrcoEBdVcp$^*0VS{C0hIxK2SFJ-cLY zk|!yj@gc6=TC2+rK|GN6J3L-wu^MwIk01;7Us=xK+^h8@k@&w)V+bc`(N&;8X2!@M zAKH_##%Rea=W_4AS!QEEiqprUso>zk&r^^dQ-g}$RaLaiz| zccOECX7H~re`!^|3Q6V#F6VR1-)2A{l=>V6&6--*=-F?&r}7qB1V;VH!v7R6e;*m8 zDx9VC-k%bzp+QNpL=D)szfT|PPc)Hc1^1ufn`TNAN^i<|x+bpr$1{*nj-Cqy2U@hDy`k&u20aC*w zN`?QBN+k#lVz)js?9s%EOlb%S@-;CV=|5oizL#bFW z>7>BLrhbgJtLYe`gbL+|dbb&uc|wMB)&Q57q0^O+C&1y_vh0VLMq!H&7O*5uo0Fv$ z?Lm*m8a&(}!24^d2Cp%ky$iym5KCJ-CPTeOEa3G4MR<=y6JI zlqxh#D^mFdX0Nl)9#==>+%fMHEGnLO_h9JMGoXS>6H}6m6 z4!omTZf2MVtI6Fe8% z<$Ljc6b-EG=&cF;(DDunH-@btJ9vNjVoSh<*ErZIDamys$Fc2!n)+vA#vxeCom*i< z3x&=vzS9GiMqmd$=;vk5gguR7?nvacH*Ny9V)z|N} zlN~Sk-qpOhzADuSHYDiOSlC)rx{olQ482{^SMDN6BrU#TUjWoV4WJbk(^J$jpm4sp z0YIBip%*)i^C3JNFSN=`6oMIHjo0UnO~{z)h1&I(hfhTOCpsv-%zZKMR;&+a(MDfg z9t>DCc_VX}Pq1it9E}nVyZ8zfqs`sKBf-?8@sjQ$gG4BiD?niPBD|hYFab zcpPg4o4VhcZyJCt1-!Z6zu3n@33#=*vuu7^JtQ(Ss%9U3S0Iw*DYZSdUK zbelhr4xipm`UA?N6zKFfxh!i9?f<;hQk*&+2ObJH~r2%`uZ8A$_n zy;dwGmUnM}Nr$7eVpwY(?S$9ir`-Ek?@d8L$?IsYdQt4Wx0D~P{{)RxQK%2bnv@qz z#>v4x`Sgjm&>k9*iRkcR042p$?C6D2U;HG6+vXxKKen2DLxNR<%jp-jTl0DXfLV&6 ziwy1MJ0av59Qu5DVYgP8a;>-P_a6K4M#wmf!*Ygexa}!6GTNtSEVe71Z^ddPN`@rq zsRiKsnZ^Uj?8KpKTKX82fH&JfcgBEi$RQ&E*P3Xa*Js8`0l3f62wsFV$q8N=*sb+S z7-SlS#aVuPPAuzMx>?dQ7W)QC&DZxXVBPnqyg$F+B?i=*ZGh~cH3tLNO3t-?nyLh5 zJ9%PIwVs(UWf%iih0MP;ip8*+H%hQD&nu`X!K83b9b?V4;YZ|`nwR!*lqNaNP0qO@ z3N(9Io_Il5)*^ZsD?xK{4(o~sU!s1bi^G#h=%0EE8R8CpC@BeLc8d`c>H}%J@3p&V9bF}&nTaU=X!GK_8ge(u8LhN0E z)28Do2s2{5P)Bb{NsfON(*vK@{c^9vaZngj16apqiOjvOH1JGbL=b?T=W7RDG?`IHrk~(x%}KZS|?^l6rr(8dC@q zfFxa{Y$c~G`t3oaQVziDv>OXh$!9kad+?IPqa$K&!(7~BtWVItfF<-|FjFRB*J7z$ z^fPhbiEBh%5K7ewY3hn$_(ArUCzQ6t>Naf;Ao*+n@JLha&R9GzPf0%$HjOSUh}=Wt z(278UVFej}K_6&}YST?6_!V<5X^OsMkWBy%belGtZnmAw${ax1wiRxb6Ypk`ufulT zp^r3l`bofJz1+ZHnqX#PS*0G|XCYiqc@j?0amuXb=MI^rbCG2%RUh^D9LDpN^>x!1 zCYn9~e5_Cu4v+@8-5_$X<7LL*%kQ9JSp7;_vT2doeJ_EBZUPRiGK8G>TsS#`bF|jU zN{O(G((CfaNTl2V7fsfz)BNm+QW_82`e?`r~-K$6PFX z+zFhdQ)|`m5Fe5`Q8(VRxCStlh4mhvV^`twdz%3N(KUsld4Nkic{0!L9k< zVluDzHGrsJGLg~lqvWmzWvXerw1p>#h{3a5y$}VJW3hFB7D)%1MyVEoaQ7AsYvJj` zI?;dbvAxH&k)6(QJQVH5* z=d@Y-VVOyWZdO2*e%@w_OtqV=Wb9_jdh4MA=bd9ZULJt+oi%U4<2<}^J>E1WrQa^7 zoZE*^FMRhU>_G%4d$=t?F(0c5WREGv@$?W!l2Snu>FJ7 z`_^5&fu^?IRE3pGG#-a@i-$p=_)yb3nLqb`oSa2{D8F@TuR0#<_a$%+aI=k~gaJOU z3I$S79_<03Ka+I(O}J~Za_}rBrMvt)j{MI;jL?(DWWB{kO}01!dO#)W&(#9}Z>e?+`n_y9DBA$v@Y+C%l`z4|;SLaP3kUSR zaH6Qtr|OcA@SUB(Qz~y=-XS+wkvYN@V|%M|zQW^Vwz6H16xDiIhO_+YWPTn z{t85|ZM{x?YaYT}m!?}cOEHdR>)?35V(P8(T%j%pYiG!lv~tPj=i_CjN?IOb?$(Rr&0UMC$xED7*iiq7qB$W2^^uX%&yH~p0#i(eJVe58FFA;t&7_j`icm4i> zL={e%`Q*@;mQ{UFo0`;J{)>uP$LTZ8YUakvl6Ibr(QqUf1~w%@wi$A~yz0@SG5qiF zm2qLYiU1a^vk@vo#l(LVhqa&fkuZ*0$A&9a`Y=L5ZXf@Nnd?r zoTy8iWFLN;1bBw+Twh&~c!{ihL_#Tk(0O_XWPTFl^KbYE?(`;EcvRKReb3~L26sm| z|L@r@6o-V$J8u`Ycl-AONoW;|ph=~_*g)<-gaWJIjE=SN@)D`k?Vs7)I#hXXlt*q~ zgSIy=bmYnb`wEfGJ*amrn#uKw;fZ-7$A{n(_Dt%kR(>>}ella#$t!w|*Tp^{Gyc;+ z>o{*Zg0J)j+#F#?H*0n3rXy4A)Q}i%=~%F?ktD?ppPclV=N+F?wSTj{`g|Z;XWxy_ zjvFrJ#$@rMa(m~^e({Rk8O{n(Q`C;7JS!T(M_-|IE~0Q&AoSUw%`A-E#$`%q-`I0+ z`jm79bqV10V<{nOu}#?$cG5SuTK+2_03VU*NXt!8%L-qm@o07zQeSya2bkBt@r{Dw zJqs)J?$;T0dE9%J!2AU9OG)y_C?ic#S5MNsGw#dxO;2>$T?v{kN@nysexfEwZq%RQ z?mg3DP}%>b=+sNVZ*}j)%BNx6cOK_|Oqu!f!kV-YE3#DRFj0jT1(>FZI`ZthMI*@; z3e<`ap$r^A`5Rvh8*T4nL71DPlnFa1=j46IZAsnIGEiIb9XxZlp7C75Z(?O?R!DMFRuX1S&+-7S{SL<^UU9qDi4a=}!tsMO~TQ{V}&+vEliZu7W{x*f&g z%BBFK9pn_3rWPgyhMRy7UViij3#aCzg^=QNT zs^j`ti>GaHf`sC5zSZV5_cgKdzbC>4Tr5FT+hLQ!W;6QG6(BwCmvqcq>0CIG$k2Ec zhgp^!h;|?7^aHTCBaA{wYL$2G=+&uW1T(7{w7wf`YCghVv6Th7dylrBiV9PyqQqGO z(`Qi)h-iK)KZX*F64PDtfe0UZ9~*SkTFG8vKh`wIE^vShwIv2r1Wy;4%oSevF03yt ztO?FBj!|{&9HSp8$2tJu0u2I;!|=J@KiRVoRlQK=RHe0y+2R{)ATLfO0CfN6P@UxO zALMFN#Ta!1(>f|b0&p)0&7{j>z4zbU^w1TfFRxAeKLy{GLvqMw3;Q4R*@4XVpD+jj za|B5FGl-47H|2bLzM zZIa>-31L~lXtH&_|3B#Y3rCTf-bk>KCG)#~Na$1of|eYY>fes?@9!jUSH#SwBH#}R zD|A9gF|?2Kes@GjC>g|5-t^^M(|=0XC!+H1Aq*M)T?F-J8mk_ti}LyR_nK8sZobiQahOZf5;{nxXy zu>f6v;tJY)`wGobz0&Pf$&~UV)y2gB zjD{(C)AZ44!~&jQ^nNFgx0c}zq(I>dha|`EFDvf~ZL+Xk(Kn9tY%wo3LD9gp#+l>E zFVX$MAuaaD4>h6d&oE;gea#DgqVS=r*(IVaFiKHcYLP!jJpqrg(GdmuuWSTvf~EoM`5-Cs&Yz>_KpmAw zsb>3c9{891PfUPK{l5tV&ftGf!><`#Lks}>!BS2YiV!oZuc;^*jkeI2NqAk+)yPn! zptLqowT^3EusWrAg3q{l#GExDnWTAoR!tBT$1_08fNxeXRP3OnRVuE9D3P|)Dsv7D zK6ilyC-RN2F>2~v;Hi(zUAyMWSg*c|iiXV3XtG-=LR1ORI4t^~-V~1YK9p9^u#=k3 z)FDX_F#gKV?W}i4Qu^Mn6@LK(49kYU3-C%WrGwMWh@SBD3mX* zc83`#n`W;&910*8(cE;8UAH=pM_aiA9UM32+hk`wRJ1CT@>#jCYt_-c7ax$f<9agd#=)PvElg40DdrDlvuvV>zgUz5Q0yQG00u4^rO zXx6Lt-Y;-(ktfszSgWL1pFiM_Em5>iwoTyVgB_#Z<-4L@i|N=Lo#=doSp$_SHI)@t z96EF7g;hZ*`g=S1S*ooH}qo2=LVS5ytiyCw`hXNGzR($ESk*7&1KY%MQX~6MLa9h_;2>mYLBZa z&D-nR)=SI>*L8wY3@aP>hWZ7q@vMruM1u`|iNk__Wsveu0T|yGE`0>#S20bwV9lwh z#+@DC0zX(+nomkrfVAXhE1W6S*=1tjxDr}#5rY>~PTYv0#0X}b4VafM7o0nC(VOJQ zIDCg@J#Z(^$9xsxD&j}u2K@}eHX7*d$*fu zQ^&q9R|OskMq{j^gk7!8+kMlp$GW8arXl=CT~@2(hg%np6@ojHJ+4*p4YS}!YMWD2 zA+;7J-D`=u0(eKcG?~nI63ja`Sq44n0JL)q7H?)&vN>^_x6**Gt+uUDKhjUshf$_)Z1*T>WS z*$K-Go-vbC4c!GXbWjT=uH;`?=pYNqNE3Syua+nhl$ChGeiXlAaf93g8_uY1?sQ`% zJvEdo@?kG?Pjo^R4o9Q3 z8Q0;NBaG6XDX>Lw^43hLPoG6|q|0$zY}|1-Nd$x;>uv$KZ>0gXW?GZJypq~-nJ}}z zGGr^7!}!QAF#n4TcWoua$gOs2$Z|_-;>s$t+!sVR(GT;D^}2Bi$`OmY&EWvhJqAFx zWF7h98IZ0krw;5}+@HR%Z@qKjqI&*b68HLoTutPpYlz~Wcs13tm~RU*rVir~hOr|# z@4%+VKGcq>xR)ad2Cs(LV4KF9^)>8{!s=O$eE_MaN1nvFVA&_1KJ+Jqe43+DXQqOu z>b>m1AbFXg9Pe@TfO&6O#zig#bD{OX)VfR46G7?HGh9?&vw*0}MmI2v^Kzcxxn3@2 zR}cOc!~@j8Hd6|Zx`jblUFUptCQo&I=P8(qYR1@g!7UEj`)8qS=4*AL z6|+3EipRTgIfzd6d;vhKQYob&R(=*tm_w(}||9{$h+vi`QP)vxARCOE^< zD_e76cX2!(U+G)9ZORzW!HU;HfMMk-W_|H_z7$+|+R0=$K>V_xR1&jx*PH#)?aJv3 zBLD68X)+PoNd+c#zO!xS&B*Bh>NWbGirtyOOLj2qRO1`2U1~zI*I;aLrZQ&no27$O z-DdNfZm(atNUQKdCA~jaWHeC7A)!zcsKbV>T9Bj*(&_YzKb5$5%=_aGvT6Sak@{2~ zEPW;&|7za#nrBmpm(#vkIDrWsATk(+o>#TEbGS23oGg%cBnDTdroh6Y#uh zt1n|<%@m3WE>%2w$UPPet{gOg$ly%dZ~ z(o4;b39ezk7XK^zNxe-iyAP`5UjpTx5HdQWu43u;b6LTG%Yw;__*Z6|)q3oqy%n21 z;_ZoK%RaDzitSA`l_L8JgejZ!#;(Cvvheo}Zli{j@FM+zELOARWl!= z{12#pg-d45nO9SFg$dEoZ9jJPU$rm!rNo_K>At)hXW;Eb(wk z#56C+988yic*bT?#@D4@4-VJqrh6fN8k{i|T-rIu3pnm4wua%JKbFxY?0!(nkTr(q z38n*a##7$*)PSt=<7XtGRkiv~K^7=V;+mYkAX$RPpRMAMdu^Q+B}=AC=9&yvUHH!; zOr>&4XUBpuNiuh6ds&b2a~AO;$9|q^!Cx-2x~eehUg-F;dT0+jNQb{%KjWl6Qp_3Y zX4eRUWtrN|7GdkgZ@I3SUm;E%$w6?s_2HrYRn7jxvsajZCALs!pefR}%%va+OyX

nL1St7V^hWeH!i#)H+N;=vJ>8wc@1LqxUq z!-xo1J3hmXsI8Qa0t+{T>>ON3Nn}8B!DpJ)^rj87ag|0N@vc2krAJt7n`Mv4Txpzm>QYvR z@TEzx+o6IOCso9cD``H(f@*q#1CM`VE-T^l4i>8@)xK{W1^6K&c-Wn?!+6=V=t9QbOb@^}!F z@bdB|u`c<@PK5A9PA{7gOe!`rD_i!39yx}vP zGjrD8^@{!VuzLP#S;}vt42$De+zU-o*lzpg?f~Ft6xzZ7s6Mq8!sJ{*w&J=xmvnic zrEt%ob1xkC)ArT8i4?o{2`bFUvhRT>gyJDAFTNhC<`HX4&RBYKKD+slWRqcB1AH=` z&rPIx~-8GFT1t#xiTPmX)D8ZC76i<7FwnWr6E3=1X;%R%~}29jzdyLXDl449U6 z`Go~R7i?^p-B@ zeR18@nw6@@osUq>Gz3;27kcWxt&+Ii6NTmy0Pwrfr2#%(8QcXF@fL;N!Av)gd3sC` z!Qr^!PPT}WdcNu3Aal?@)?rbYmB+8R@Vc8nCbPIlGHFC=bpu9Y`3ceN^^HuAN+u(v z+`2p{uST0UYe2(*@TthF=P{MlTCh+zBiZGxU>klJPXM$l$#g9a21O+ZQ`>wp6L|Oa4QY_?7J`2LQC8yk)M^m|y??)s&Y<22AdOHNhnM?|q_d ze8AE+xcWD#|7n2TTB))(V7KUx-#Q}yXMV_NxgtQTiYJ84E%2}M;qQ+JR6v&q8S@MH zKbr(VxdDJOFJ!q_`!?bHXBtB2w|gK>!UiP2Qtw}Pr1AjSQSSfM(>1J(QOc4nr&G#| zv^ab5@Lz=>p{za!v?nW`{;7MvpLb{Cc-qP;iPx!u30yOgnP6$gT(|q?0d`Sd6b*~l zwR-}eOG#f6Z{?6<@YUZtPEgkSKr=VpR{>Ad$MyrZG)O!KZ4jk%n8w&RCur zbM48T8~x90)f3nU=rpiTzZqI+$#ds1*C3DMrimKZA3`7p=;AvH8=4xMP|vx(Q6Dx+9ujB$X5>6LR;mIhzD3A>;iz zGoB~2PRCueDW{}3;01pP8M;vZV|6z`Jr1&-M}1_W>F8nO3ImqVukuGc2O4LE`y=!f#J zp`HNzw3Esx{c~AlgcNhV!R;3IEnlo*>@w9CzeG*PV>H=qyE=CJK^x2-YGwi}?6`M+ zxUK|mY`ogCit@~!6hzAf+8MB1e5aP}e5OlPEsOFXKY7Bk-jZ_~u8y@JQ)M|wbr@6{uD$vr!OcAU$<=VNkYdZ9!ZiI0*y}4S!?MBvu^@RR6-*Y|D5s5bjMeb zfb-9A=7!U!l@F8{t_r=bdIaHFf|={#@xi%Wv!Cc;CIBVEu%<0mTMQ+^yd<#Pbhuqr zUDuBkUeb@C;CDSW=4P%xRJ;J#SRSQ|0J(}6F(e3V3RkSfL(XvvkGH0c>$PjpA7BXp zjJkCrV}5XX2SBVyE;pZKEe^4C{5dlRu#D~xbEOax)tMqe%`9MraLdtFmsyALqm6Tq zq2P2SS?)H+Ny8WnuKVWqkaN17+j#7x|5hE z++SsG58Y|J5#T!inT|Rh$;HDBKiMvZHjRd@)@kqK+*0Wl;<+xmrebz?AXSMFY=Wu; ziR*O8BZ4Y2|G?E2Lua5#=Zu|QDR>`+`hj)dvn$G2{*#%~c1OV6ZZKeHaVc4!7o|;q zq=|k9CXI+0r`*)b@W)zEb{xO=wy2F*>-5T|oThDxd_PAVicLs!x}1SaGhWA1oIx!W zjRsTg9`MtETds*az+qAw8fU6-R={8=(U0>PLy>a6PZ=3h zcISM%Ta?oQWUTi?qfQ(N`Vf2Y!w}fzizNNRwMoWIYP{~z_U!b4k~nQ#czdv&aLUfx zHv{8s{5f>-dBJ641zHJtUwW(QOlM96LssRSm=N4t{BD`w=E#nMBs1;DG>qeF>2&W3 zUKTw_UpL6yTIIc2&q}FC58>&)J|AzK0(cgY9Ay3Qve&)Y#>fsEUybFD%rmc(?E1MK z0iSnqP_B}vdOfLlgpM>Y z@1~|-q}i}JP_2J@0R*bI(j_lJLcXr_rt&M&U86N;qRqIgE35Fn1Y;O?0=e@7H2P9p za-ciMSmF&V{UYB*rPU}jT2>xDu>&7EN>L^kEs|?A+fgI)i zgv@@r!|4Sx&))L;*-?QZDeccjf?4p!!#AqM@l3yxp>G%%!;_pUK>bmgWDEz`Kj5rK zoa}PFa*s3+^uS@J`MNPan#h=@NIIqa9sE-t6f^AkKLh(n!*}QT zDq!K1o~MhRllBAeJOQ5o&5M)aqpj)ZL5y_vkK#Po zJ=P&7xw3=W1t+Er=$kc!e2tG2k4R?6A0N+)CsZ}dMbzfN6-6+|_4UPk06*8x+<38F zYYgIuK_BwqwCj52GAS+dBE2V1BHL39B(8UDrD0D2bg)wE(6ga-jZ5G53FOtzNg|Jw^yK;?18;zJO&GG}MLOM~7CZgzO zZ>hTg6Z67mL)B4#q8b-Xkf6Hu{qgeq91Pj=M=zCPudh!UFTQuR&?J*~PNOF^OrKfD zt*EizC@3<1JpMu?2nDF23H>D0qeyw&y5KH!6HiCy&4`#$plCh(VQj->*y4-uhhR?$l zd6@#F3;4UgI`X9~i{iNmnC1HlxnPZWs3=evej|GDGS%_4=HrN8_B9ed>FZ8FxNzZU zuq#-Cq*HREgkMFG@M*AL`V(|}CsK5;HLLVHLK?b?=MWg5uQ?1Q zVH`6cOyTRy-b8M@O9D3IL>vElz!Wpdo|-Y`HGZivjYtG_NP32QdL5bwoz{M-1D$I0 zU5^4;P0I*hJg}j%N05raMA4D+R4Qk0nn*o|LzrDJw}6z}_8YlP>%B)OoOc$0v@+Ro z(wdJecrxP~aszn4`MN&Y&QK^8pGx* zoD;TLTWMxWC_u0r*7=#^C`BTgyQd;kOh%F3|7PQj6p2C2!{OMEIf{o*8TeAt2fmx; zb0#I!boOxg!AnpY0B&h)cR|AAb6FZptI4%EOYVNSJ?o^*xZM|=nJD|@>?0wrIki~8 z_iw(3X;j{1H_4DJMN%&TWYXX0D;HCbBz2mUwu2m%W$GhY!H*$vDr(?Sor&zObe}4K zUpEaD1lv2Zxs@I6;by9l_LvuxH>ctP8Y9)R&RHOK>u=6j*-A)w_DK+&0mIQ6v!YGu zuHclPZr^cHx!8GC2b{O#u7V_dj>}2CIbfXWcX;1FN6ppGH)8x7oM3Yv%G3#haFj)ohQcxHtq4HEzKR4^N z`=O_S)-CQ$TD8wj9Qhm*3LHBJ*BM1LCto#O?n@=`IOJL}rL7so#hYdJXp!_vZh+;> zUD{;XjQbBYjD{b>CZ=f`hj2as86`D)LSJNa0wzyP)JTw;jGKyYlAK~h9+0Zd7Um*- z6}S(#Tg=UUr6OaR3v70RWeyJ$qF*}W#wgtV0Pwa8;umBtlB~9>#_&+9iikCa)9AL# zm#1Q^=bJr(w{Khdz#a&o?t$euIjmUuRZE{dvDpQCXmX6+4p6U8J_#nz`uxNpK3r~y z&8kLytS!=v@ij#lB8fF6UlEobBK4PHt@=pkVM3*mw4LexYfIr0q$?F7#r*@Bg{)ajRKSI$!6T{krN`8&d4ld{PgrJ7&Ro9#3v*W3gU zahWV8J!|e`ZP7mL=sFwfZ)Fxoo*6Jn40LC=p!1_<$f}J$cjsJ-YBZSxDkpb1GEiD%RNG8lvH}T1 zY#}oDTCD!%0X4g7@3P24f|}w6cNtv@jUvfFw2|+^vC2Rpgfjr&oiOgEl|d_x)ez3PTaOV zSu$u_>?wnsHL`Z5OrYByiq~cex}6>=>sr#$GDTfN=G_1KP2KlBvHutI0Ws@Yy2WmJNpb+ORvI zh@K{gxA&?NFddlk;+P&Dz?G^}Ym4wegxyW-*toRR+F(pUDA^46UiBbn;(#AciDv`K zw%CUofpx17o;L?Fuu8R*P{czT>%MPnK!<`{#{2|ePZ!#qt?Xoa9)O2kZaAA}`LJjD z-ZWkV)&BZ{J!cS#(=w~Ih}dZ(zk^ZoYHt9g=LCF<=e*k%k5~i=YI_??{DnD1wO_JW zF9=PWqz6mu7n?rLw_nf6O5XQ11sXCxGLvZ!BsMan`g+4LWmWL}wg>(7%~m6vszNZp zqe9)=p;cDlIX3a{MxUe}Yyd&`gk9TgF3%_=NAYwfA-PK#Ph;XtDA#aUMu{=OY>N2L(|_&!zL}8O z)0^9)1tY_%ofR|appGZkkFE7<(3##Hv^nr+VZiJ@EC5Y{gTfk-on*NlSGDk+edBsP zWL#ST67P;&L)tJ40JNhaxN)TWCA_0A2v9U|e|I%p}D6?fW^k&Pf2huSt ztDsE|(NVT>D}fo;mSUBKYd660wEB74t2Kb+Po<6W`YVHlAFWm%CNfF>8AS~S9_b3^ zYgPD*jfJ;;)T8B%uESEJAO^6)NK48X7&s9y#Hcv3E)sx$BtlpvG%{04>Urv&X6fCl zM{V8y$oLd?DaX6@nvB)pqv>VNEmyyv8~)gCVENQ$+II3uQV(EI&P;hkWejjTVfTEH zKMKiqWz7kjX#d&42`kcQF)uqH&okeSV-<{beY7o>_Rj260e+0O*Oh}E zqkwcH_iZT?BlN5-Vecht#=rbPprGZ+-xnFI>X+y(Ki;j!M~Hn6&m-p?mr#}ERM#vs z(RCf;o?o=zpS%Ew|341hlU-Bn`;NB&<*xu|SHgg_6czWi#llvp%Rk-d)J^o}F$$~t zqi9oe`Pm!Qty8nS0;AkGyZV;3vb(wDYFpZLO6np&l+V)2l1-AVHm&djIGRMM7_g7A z2EgS%U1s2FBn#Nw9?fEM`JJ+V`(vP2`jkfF_f|S^rWGK`s-@Jd1pgs|NCD_T{eKBY z26=3RbN>D`D*3lS6aA@P_=7)3Q-Fs1QI6EyZxaJ{e(nJw=F>-sKTp;Qc>s*s|Nj#n zEDP%;Vbau_4@xi;l#Vqd%<8L*J0PB1q85IlQNr~5G*(^=ezSQ78869k*qLZ{Ju-oK zL|Z}n;uX~*p6N3XTM<=7LL_3URQy8{b$2|u+tzw@5)m5=f9xn6y%?+!C7iCaGS)JV zIv%T1NOzsNuMwk31xK=+^JzQo4Infh`No~WME?h;82T7Zbz^Mmc&aL(+L~c(iZ& z9k;Y{a{%0=1a2o?y_O_^R3uWV0Yw~scvm-XK;D!yxuU-ll&5e|F$o+lj}S=8Hzmw9 zT=pQ9cl}S67)7|%6(!7BR;xo6b*Fi4GTr`=noR?R**w;l3$0h z{@n@bmVPheR1ZTOv#h&nj~{(=#x;1*WSZ?=R4KuKkZBYFfa~Ai61=cN23I1^!4l&K zH89#XEvh^u+2uMv3G(PcbJmfC-w49c{Re{%wXpdXqI%fftUXd@Xg&%T-Viy>5r@Pr z^X?y^xAY3SGl75pFMzj&^XcP9doTDiq=`FUdM9vODd_RzJrMdIxBQQvY1KV{m)}9< zjg2$+-{}r2;Jn5U#K}(wk4ch5luRN(oK!Up;V){*zpo_u5yASFEjut~>B_CHAJz)_l>`4IL$1Vh6CutY^B1pkTSGl1H>YSj_{C)^|exJh>R zwg01&Ut6h{!03LZz6?N05P||7!in3Xrosfzk1c^7bl{0!LmanVW<3xdI9&Eu-jwQj z{H@dMH_%L#s)0>b0Alh|Lc-Ixn-V~aKd~>4tpf<5#$ z{@I6nbgsE`U2C1^I?t6l)*ZuH3be-)5XwY8c=8W-=8LoF&8alzqye>2Fj2rx_E#V& zoiU^djrTkncUlaQoB&e2t<#OdN<6l@zDWD#_c#^JxDOU}mho7tnr6H&Jt0Kfa`9&f z*Q+Kp_vL8g7cd=K*y|ar`}3awIG0#|x}IAB1f(b0k$PUPsQCc4Jh1(UPvQO(E`2af z#M)iKA*r$f*_B~H;zUdFF3c)I$yT})n9)Mw>2Ul1&L|BWTV3L%fdi}9^7Qr zc}2rSuzfP3V<}0yU9j-#0L3jt7d^P=Lm}u^W*tFxm1p7y;EOCEUA?um>uR#!#9J)9 zP;ScFUKY)=9Ye%evHoU<9PB?`PqIu4zdNypVnt%PEInrQywA&Z9EVk%0KQ6JF`T7H z$A5k>NR$``e-XpcKAOSIqXqWkJV4<2i{EC|Hi76C2paI301*3|i4RI&s01wlF_bZJ ze<@i`mP5XGCL1SZ05ooSb|;x#86Mgjlou`s;I0

CZgQGn4jP@P!Ws%g=uVn!_WN z$)F7wtbVwWb7GXMmhVB8LwN^i8t)3%hxnP{X38ffL^aHRdXUk@Uo3)dy?!5F=eqBa z$=<)o?~K@tFWbfqYDr7ti3#7XgnO9_x*r{&;w@4=z4yDhEmH%z_E0Erea1jaWj>(} zX;8r(Gz56GkKqe-p$l1pi_WS?c+iKBiH-q$hT&{mXvKKm2v|BmK&ZyM&+!T3Kx9SJ zFdr5W-aakrxSxCMsAH-5$gqRBu>gcIWqfKwmi7V^zULxmKaT^uh)th(zs(RJl zYYuOy?`;wECap4FdJ7mauD&wBsSU7gU_5P%>o~53pR-0i)|aqpr;o&(u634w0SEfd zE2KL^Oi1|U1+qy{pS0?xCdSehMrjk)d;fELQ3D%LR-n!mW>|~xw8I8w0V4@W(}6T8 zn;}I>tOBA)@{^3y*|+j~w@G(0V&d&IGxn-i2;TuTo4@$Wp38PU(nHq{qHfLwWbu*H zSj{l=n-qB!6J{{H^|P}Z+*6N^mt(EZ+*nufE{-Z2u?mcad+jMl@7;+6Rnn{7`Bvu6 zj%Oem(DY!;mDlM??cP>UA15QaCO~%!Tt$&CENwq}*xRpqidPIOL^7keuaawj=By2nEq&szzyK};)2<-$E%u? ze0ZHUUsAj1dYvqJ@lpz74Nn+Tl8(NXePr-6c=n6;S!!a&T0y(9&3ZOS z*O#BzaN2P0tw3+B0yBnouX;zw^|uq2mQ#99pvO(Y5(9xTGxVO-;=_uW^JbKO&|}i) z!{nv1y{*~f$s;)K87lh%hd;6yg4UHTAp}V7y;%+!gL>)8{)n+UodGa;sMrD;>WX1C zE&3RHr;U;BNaxCFr&0hP&3FNN2sJ#6(vO0S1K{7;PhZ3&)G8}6-tS+;AW!^)_pE#P z=Ls!Z*=0e*qnekBaAPeYPM83qYT>NHx@ztNxuMJPoS!8ibLAak>}Fh7PL_kcPdfF^ z?Cfs%vG>{b|K$O3d(70Nd8dX@iVa`La>G_tR{r}%T6zd}xE@Kr5}?GF!r};T+L>$F z>Uz@qLVK!q;*s#}IEAIMW$mtq6W__c5^^dx9wE;e52VgTY;u3SydUh;ix%U4(Jhbf zjvAWXK#+a=E*!X)*`zi&W$)v!gUio}qet|_1#;5>?-?1SOWXaHYyuvzON^RT{A(LQ zRzX;y;8)tb^g$0!>$Abci*T#{w;8$4vRElc&;hz-3SQt}Zv}$)0qiV(Pr<>6^>M~w&1^17<~!HqWH&kbDnrfILY0rN zL*^=B#$V4$H|F|@%P7ICctKY40;>u%ZM<0WUQ3VkP;U04a{CE-Wuw(PO&fmHDyyGQ z$Q3MwnT}2EZkF~Q$%?fYU#egaN39>5Jpb@$Ht2Sbqs=@^%Am{dlwD*B>NR%y&cp^- zbXAdVnnRE9gkou`7g`IStEmXik5uSLGm4lK6Ikr)$v=dhoBuUL378=NH8ZDd;syqz zD(=^^ItOI@-RfH^Icdd9;i0k88JcSGB}}Ggm5(5q`h{hbJkL1*VfK43&NuWfOCTY+ zyGa5cn(b5U_W{EvF>%H@zMv<VPU`9mS@ zw0C+3pP%&X=&$;2m{Jr(Dolc&lV&L#eM;lMUoTt8-=i}mB@WzWYYZ!aM{xe+gmm0k z_*!)KgMzANBv&??e7X2*C7UG8d&39s>*>rAMuw9n)=Ai}?{S<18gVqB_W|#t!HTa` z9y_A;I;dDarT#tgGA*fi|7TYkZThxew|qD`ne%p&lb3?MjN%X}4|OwhSZIoVE6vUE zHt|=R$jUTFaCw5WvMXnn%U`ou8rd=LYIYHuAL)X2>NQSD2G25AFj^Qs=X8hrcI3#Z zO!2s1kclk;TO0LQJ`zRcpB9~@(`j!jc6eKg_Cvv=m$B|DVyPus$@jJYh{LAltprx4 zG;S25T-+)=H&XuZQ!l<{LrO$Ov>;*dOZWP**k|K|kPS?q~6yB4zV!Z6DGqpPygomt&5wSkZ9H67W_DuSlD}C;|Ql6D!$u2fdE3so(1ZGH{gR zN#AULOy+KvcHyUQ>5;nY`?#b1Xw&2tQ=GonwOPXS)b_QNdzubA{;D#1@4r{m#AGA- zYBr%4Pg`LLDb;D#WPM|K3nQ|L^Ty#qiz$uWR;-XY8R^dPp-KU`fm|PNQX$^vH(?3H zs6J>H)t~oW>ORPUHGeH(PR!-aEf)-YohjO*Gpk{qz+j>+z}+R5B0!#|^X{v8pB=rW z@Ev)1!(p@y@)ow?C~q&U3#cBrFXFRtg3I%<5g|rbUnBg=F(WtOnCtOn9;}{d`eP|zP`O8rtC?F?%#*{P zSw=psayhNaH&n(ZQ@oB;tw@td+?8FIBF#?#5AtYx^D4D`t>9Lw8GCu+`RQS)&C3sE z4<20sDR`C*dcn$r6*Qv%DEeWaNEMX38$3}H!L(1$%v-k~@k0tgVkrNTZx&K*_(WF%eY|T~+^Os_?6(q>%%7hAp3F_`fPq z&=d%XlymTf`Tsx+Y(ZCAz+it$-oJ}6g<-IOs^{_ee=r|t-H(v-Rb0?*!~cLwpj3n9 z0F83)dP{H5zY!dfILs2<*%%J1@Ucu+yxWX3`~QLpfZ$Av#_gP{zJP68Nx8-Ws?E1F zxn%Q%^^cmryZ^g*^$~H!`(5QO>6l4J%7IF|z`gCZ|Dksj594kE_a6s6^LL@^8W}T? zP6P_wjp0bgsr{;Q(R68rxY{skI?KPp_|J^q58+quj~!(-9@y?>ad!S)FI4r>Y~ zThcaMbw+7Ec&I-pVy@j zqef2MI&8h@S#O6%3@%>bWehS02n?zdw zLK0}Rotu= z!e78iAO&ZR^gHS4wK|L{0{yuZ`lIeDjiZ+L8eFy$9st+~VbKkB4Cs190d(iFIJH^2@R!VgK{_T;3QZ zcJJV0g!Ym^{#Z*_Q0q&Yv!L~D9C-g<)XzT!0q+HnyR5;IU*4eGu`m6$6IAbHGWXx?Wi5WtN@E&st6gu zbG9aDj`|z+;5xd17rC|cUglqTLypd61+I^03_nplh1K-5)-1Q$s57%;6ccA{xW62& zdx?1HD}e^PN<`yh{>Y6>n-yaX5%pmy^)@Rwd|E6Xc?zXOOS)hUpKTK(x(M*%&x00W zlC}`-HxGlmb^0wL{2!x>e}Rc`t-Rvu{QgRv`7T)c=Q1i17+FlY;sVU}AK>T#H|&M; zi()-Qk+$ajtG47 zCrAk#w@k#yzRj}y-hTf+6NMh|LM?eXFj4&R@xSct{u{-ZjA3v29!HnHDi*wG#dN>e z@aHnvyiS4a6o{=fk>cHEGklu#4O5fL(xQ`XaA0J6e8x#HwRUT?(XZTUChc2C*!G8$ znUx1^Zo^Cp%y5(vCBK)RG<~A8u2MXe0P(y#Sb;iwYfXT*=LV%VZ)B0q)0BbB5|rY7dGXZ9IgyfPZMWslh8*@*LIu2d-z`vXT4(>ANJl&y){*!-#N zKt~Im2GV4IvHh#Cs|0<>mA35CtyXKsaZ2jI3dO+{dg)@LO0J_B>Pn_gnxJjZ`A54~ zVR2aVr}e$AlKa{)c;qjm7RIJ+nZtyuz|6yJrl?bpn!#)aRHD|C`BvW3Mvmrl30t%v z6dz&iPnV{s*PX=c9Q<&;ee-)3zY!Z{xvd6g=AwJz`C~&VOm>{_OYVuL!k;)3;gN5o zLh&(-&KgukHTo9CB1^^%hyR*7Mtt#7#InYxE@_A_8^1roakUp=Q0o2god`45LH&tN zA!~)iXvNX{4eaNp--mcB;x-lyS`sLwHNyES9Z`M=_sf|tUSthON2SL^z#hl;WX52aY=`Osrmq~6*<9#edN~UpjsKUqU<&eSkU!OB zUi-C3nkF0t->ql!TM#3=53E`mk?8~Zhp1*p@$A)cITCCY)V2)Coj0BLeFk}~Un}|1 z3+&%E+xY}S=Bdz{J4wbWk|l10ps?R=r{4M_T@%*>jbCf9ul#-x$gy(Hk?G_?u4?FU zSJ!Taxy9ZCx55_ek-4kL{3@+>mP!-el%-A<(g?8KIAHW|s~(^ttWKn3sHWjrPwBVl zP;W(^;y!Cs@88yX8sTqADi2aKt0}fdN9TfM4B%X)pbc9^-aqwxfKapRWYG*VIkD^X zO$V1NUgW@?+UKD z{Jq%BZM$CPUyJqnbAn|3>)(rMRt#i_LyMWB+AnDO6#iaJVd-^kD+yTa0fGVY==gV3 zq=DRDJceHWmd^h3cP41y)2kxJVSffiArMebvWjp15l{Niz^6BSdKmtl6rsU9!2YzS zs89LFuO*>_Ps!2ZW&d3mpkbU~b95WikNg?KOGv5^yI(ecWM0(@`w^HYUdk|1VQ6nY znG@}31)qr68u|g;B4$nthFY)Y6~{U1W~f$-t1a1qV!(B5V`dGq^ab6Td60P|7N_OK z*~thHpnNa0fIrl(>YMRI>P)&U1m>&e!W)9uGK^!{{-uTb{*(qAL#xDKt-%oc2IUvJU4xr@` zc#}UuzXrKx)t45Vz)GFLo!2xMDQMn?C@!!pSL==qy`h!UG2zzG$fnc>*FO)uImnzD z_ePS^QRVpYZVtsyzyaCKm(Hvr*8$qZW^#TB8+2A@^u(Bl8F!TzhZ#+LOw1T3rDK@v zqh^>8tNeUXe>iRej9%NiRE>>ZI33xG9d1LhF!@bu4MBks>n5r&?I~l0W z=hyn|cLK%LqsJ_h+%i*^;XuZ9dZ+``A>|H(M0hH5u{-=3qo>k-I;SrlnT%!Sm9UAs zmfU}Sh3()wk^J$#I$X>7>0KAVL}HL0U>5uku;JYCnnBcVQvn(+TS5x(SX5OMJpPVI zfLV*Ic-meT|Bcx{E(fExsMXZ)e&~(Z%-5kczKduqnB4Lg;mw-Sym?ubred z1N0he>3B`t`wa^q>7(3RO0>|9F8BVO`vd8{Tva+S^- zH3>H(9v|+y2DEv*`(J>uD*65a?b*zSjmXYG3gip3`DXcVsa9h2nV`X+)`HqK&b#Vz&lR(vQzVBcrwA(L9eX`QkOj7naG`AcVG}Phg2#18YgLc_FD9{JL z$#}Rv+{xYcu}9v^8)_;XR@aLc7(ejn0$7?yCL@sRR8+^*0c+;uGfbfq1S9`h$;wpA zx6TPu6n;{)3Z>uk?x^9qF)V7%7(sIq&JeXH9r8k;@C9UXS@r6PqWV)~QeBs1Z&nba zkFtt^g*5Aiu=CbL`HzF0r^y?BC#$NxNq~m7T{gS07*0qvYwG#o4nbS^BbGPu825U#UIz(i^Idy2z*< z5nk5pIBw$%x8_*mW^juqj0cyozm9wlDZcc4X4_=k<%%qw81Y>FOxU z*vk?ThE2tzU0TFV#1)ow+|Q7E$ z21bgF%Fmp5U+gFPubi@0&A#PpM7dq4!QFN4NDy&brH~IF3SD0enzYp6-!AITHD954 zW&Py5A?vv}K>g46Pk>4;)H^}7w`I-s%w%Buc@70<>r3I9_%~+_Ov2OHqotLAi{=;| zn$*)0uWWJ0%+c|I)!_+T87iFz`-Iv0&@(Cgo}+DeV~@7H!0t0t3-!fpq~dI@*lQ)U2w5c-k*FSl{TC=?J6Crp-;mI;pcM5k2u-Q6T z>o2EWh^t;mp8#Go*3CwB!u#@kaOV7mb)5zRubhqfqlPwz2N_n$`3? z9rbbmTiXqY#GpKxm*CFcAlXBuc!2Gkg1RVsS#OljY&@0rBXL&B3NP-%q48Ksxw5{}g$z$D{aap)g3z(zzJl_|QY=abXBBX|y2=1l|-B_xX z5?gk*W?un;uFUT&4hMCqAt^Qhb-h*AE zDmp)!>;;VvaYqaqRi3)HvTlPkR^Uq+2Ge=ddts)UEA@cqFpQ6l(Wsuu>^i(yp3L{_ z{gIU|!j;{3sDp3s-`y4Um~K}nmb=DBnI8$#ihPN_Y-6(s4I?t@F{3d2P6Ng!aSbQA z^q11T@0rn*_w_xmafJU&yf|QlTkzCHE2{J2*6%8vz@-3EwGE#rsjY~1|K}{8p7mE%M%>5dG(MKS@xUWvHUxSbx$7Q$@5p$19J_)C8nW*--b&|p11Fl5W>rOaS(}1oc|Y75NA~k9Ocqh zEWUy^T)|5hzsuky?~?+(pW6X%pEyR80ZHgRE8Go+FuoT9MY^<=$Sb(6&VH!7J6VeCZ9^H5HTtXorbLbcA)t`vjEC-wA`LNMU5o6l?V&p&mt|OwY-T3r?lt&(pbX z3dh~VPGmR*cd}3+_E4cnawD6Wn+tfIPkKaDlpM|W07Y)3vnn>ic7UX>Qw(=}tw8|0 z4-T_)uBjHCn@C2ojazAj4meaH8ZR%NeF^vXou-%;)U0!{O&JVZ6{uHtJ_9+vAYRz z#lcqJi$sdozs}`;!I`XbiPkRFi^v&d`unzY&b{b+TJ~CLhme7jLSZ(8;j1)MqHPaw z#}$r(jPx zu0u#_8uGPL8yfEX!L;fVYEF%TR!I&Lw}te+!&E~YcrK3N80G_TYJ`UsDVv#PYSrvSL4|#cZbEW3V zc30h#?Yix*cz*cGel*DF5ZQ41Ue8|pUf$kfzeZJCKRA`IUT(sZ)z_P2#r?o3pYt>E zW!ITg+1v+;<#4B|D%%jUd%Ip1xMBtrvl5Vy*MO~zCyrSpB(O}pB8!L7q6#WF3?#1J zEwx*T&$&T8&*I3@sTjhn8^UrYXg}L7>-y0lYl&jT&kNDTXRnn7Qvv@e#JcqNPFORY-__$i3h1~5VYE*R8J`eAKwVAI2#J^pD-{%jrf~{+@NR=+MfJr zZxA0i_C-TsA8CjDHkZdo#!Hhy+EmECztZ-r>^6Jp&h6;C z>-917x5rghvq0BkKWK%dzE+9PZL4u8cSq38!GOBp%)M8rPd-W_0Nn)&xjaad_0hE2p{u$ z62cN1WHAJ8#wR7+>QP)+S$S#MQYMK9rQPI+zeK$|GU)3qX8uze{nRDiwdiUDxXu}e z)Pe&Sa}rp6*Y3uWQ;svG^fn6p%zBz-xBfJ221{zLMK)9d73chnzf^JH*!4O!wS{*< z-1W&Hy}VvP@;Ebp85CYgpxXvg6;{R|GgiKoso}*;s@IdJUd8zsXKi7NwWctv+aE2` z>P#LVeB;b+T3e9eoC{zGuToq?iHll}$QzWtn_rRJzBf6@I^bs{RgB*RPzo;t)UL$o z^8#a4>ZHThcTZloOZFLflb6RQHOJ;ug)XNJ)!<_gcGBKes zu{Y?IHb@qhah(N#Fu6VacQe9Jp%)!EeyrCqBWAk-oeL4AjVS8 zR=x1qZs4uY=U~%ZI@w%{02QK!0c1c;I)wCiQZ;tHgQEwoCiVNb{b>%$^v(ppP5N`x z&=*1Gr(kU#aBbq70PsZZ>@!RjF_#VI&McNaJp6cg7HJtVHyJ=wDHDRYKG%Y?!F)b-!KLrhJ z$7>}ZZ!vEmt13$A?)`H} zf3FuqC<4o6wjz87t^WI;Lf`6h0zYeMEcyJ`qW@iolimkIU3u!>)&Kre=vzr!mpHGifxef{ZGu>wg@JkH{oWQd4<6B`xj0eiHm~C|pDXR~yMH?2fYNz~}6y z@fS@Z!@f7ET2en;y4mh=Z(qGvAcPCE9o%@fBaZ_BV#x1W`>aEXBnfAafR_RbA=`80sa<6*>Cc2STF{QB+n5Yhn)Zwy0b zo7CHh{BkF3@^woYa@m=>RU}2Wq_*xqFR90>bh{IFk~BSq)!LWtaOd zCvf>?_D%I-4nn5f(GVTE)h~^0b zTJgOrp7Fk_K*+_{1ztV0$LsFz?4Bt#UwdAK2V;_JfppgGp?!!j4jw=7hHxm=TDvnpz-vdPv+Evz5P6JIr}rtOJ;A+|&PEDT zxgil@<#yre+$KW}TxdP!X3qEck(653@7=P!35yazvOeLp%*Z}}X&|PhHa764=w6Qj z8DklWon{UTL-^KD>Doe7-#xEv64QZp3|L-+-d`~D^R+x_n7N=EnD6$-`^xkM4Oe?3 z?tX&UxLY_Fee*}803nIS2V?Y>ia*gGU-A*TMj!&)K+AfD^FOhI4m+vI5mR;k{htf< zp@SI0hjw343<_h6FfbLb7J%wM^NX5st&Vr*5CEdeHFkPV@%PVw8_<_dxp4RXuMqVd z9o9zW-UaGRS6ewqGF=I;Z3KN{+R1Mt<6rykmj{%}?KP3#@G2+Zw|A~BA zY_LG?nK4i;XkUOqWWq=Q)h-*X0#S;+hu+1(V=io5ZJKYlzyXLzVCR8RcUHhe3Yi{l znh`w(I_?ugLKUz74wxcb*i%4_QXmt_iU0_`(`la@urydEwgA|>6Y#70+E};%AV5mE zBrHJD2E6zpG!&Rd(T2A#>9;{5=#=QO=MPZ}C5n%v(SKjRtj91&B42+nAd?T;`QPE! z0OqAe)%)Ai(E^=#FHvZ|pba@SB!K7zpnC6^EF+T*FHaS8zk+XI2)Z5E01T)R%w!xd zQKb3Ts-P$t$}j#wegWw~iDh+CO~C}Xph@8G6>!?#m>k0GX+jBvC5`Ea8`cdcMnRR3 zd=V<4tbnITr>!Kc^V>J9Kc5No6`=CIDIB;9FewK>Ekw8j3{&e>_2G!tG~`vpp?MSw zKg(!6e{&PSwN;Jf0NJQckI?K$gac!YVrPwTDsHPdipOu>f8lR<&G<6;#lY+x=(2yn zHaSfjY4Sa^A-hj54zd@pC4MGceREm)R{P+~E@Ey4?kK}DHOeB;yJ>adRa({H=~l(- zhP0`7bFddQM$FeZB(z_OMI8x29%H&NK0wt>1K4W|-06mwbD?{`Mk-yF^HKBK8H~3> z&&SL*NCCD%5~^HyM;gWtY_IBT!^LIWwZZ&0t?%Q^?51;{uKYTEj)yRi!E|h2-d^6^ z2J0aJnPWD#7i|0MnJ}TkAksxOS$a;fApF*zbg&-4vJUMaegrXGg!1h9nJafk$)sE~f_STJVazz@NkRH?%`*!*c-y^~7o5lqX+L3%pNn zD(&Q&PbAY>z=)Zt!6kuI^4IoiY;?*Z&N8!8A#ZR!TDmFctR(%aV2m z-FApFj6bp;q_P2!_KWvSo;kOwfQ8jiH}6UuFI5XiN6}4I-d6UtTUe}8@9clan*XdR zd@FdbVj+mX1`HWH4XK2LJ4W_E8(jPJChvFCL>|k>Nv2=&+X13Jdn3@aj79G)1|w3p z-mMxmJoCW=8YN&4K4M8iiw4SyY{0=hGHGW3{a3e#F>*V-{wetDAs0!yiJ2A!i6jcN zDyguRX2r#xuX7y#wdnbwSn|3f9|4>u@A-dx!x z@Zq$9VgC9ZGTI$r@mK}Ba_vWYzxp>|tM~n1A)628b$(h6*w%@|t;x}R5O2k=!~r&B zrWbrkd+3XmHt;@>8)T)2X1-DgxD@e2-V%<-sfs*Xcgs#So=QQxR zU65_}`=rx!{*&So-)$o95L2;%GUvV~%(C6g3{#WG!0wrm z8`%sJ!*1zUU<0rkNl~`?eeXmva31-x4-U)B{j&%C+FoG~Z;8MF-QAN);VR2Q z*N$oawS^=9;FmOg-!UavCq}0qxw&#{eJQvh1M{5KEUe)QY}zfcqIXdls);D|2tD`^ryS?NXxl$bO&o%;@xSr z@AB%B(e`*1Wq*}IoJdkUPS#f4?ix3uM_tIl+jX7=xx4~DAwHlrSP~Xoq#Ab~{-8EL zL8iW(lIwyQ6luAffR3y36r)wQs-v0k+%0|2S0=V_?uwXFG+p0E%LcWtNs8w;E-zdJ z_A;dO+VV@Y_}}Dvrb zmW+rlTmhxZkQGSCO>sH{hZ}}^2JXg0h{npxSO$NQVC=&NC-m9y`r7-;x;u=SA>84W ze_dlFFd;%Or!7yXVaH9Y_+aowWE?k+3QZ7O^uWiW_PSmN27VBM$pctfgN>F$(FnNX ztVE15U6(ve9^^HU1Ak47#{733SfbV= zwsg|dm2mBKVx_>)hxfJE@!RW$9|))6 z!SZhXDnC0ld71HlMY1wB80b4Xl8qSqBbtB^m!t&h`LBd6!oMTlKlwe355$>VB9~C# z|7;?^B8vhuKntY(=cxZDrH==x`!J3`JCvgTs}9Ht2O%!~`wsr^O!c3?NsTZGUVc8l$ok!quJ@(@}~lT>~|6p8M4&vdzr#8{XmWw+Ha?r z=R}hfqz-y`bbwvP{Mb-*5A}q=KVAU92+uf3%cJxwQN0c5AvHron9e)j1HR7X*9gXoPh;Rc3=UIE4%lu$^~8gm6akuIY*npVw(9#CDm|6k!)DdXlUj;=6`LR9@9&8-?1&ENj*>8d`>dn0*vX7lwx@pF$b&2E4Hm1vnvGEVk7QQpC0w zlAqe|0w*5I1oR#w--gVNSz$T}9VQ}RD>G)5$0bz#z*TK2hbF=)dI0~qg8f# z#GdJO3a&0eppR}CRFgfn3+G-k_a#x=S#kxfT+?7&?<}Y#cmacitOg+VG^GEt^P_Z% zg8TyFgr>qDD2=FT7?Kp$(YFxW%b(5(2x7XZJ6PzfQYKeq;4_#7oUT#sPQounfGo`o zGFw3OJ;itId|3J!3^(4eV-Gt*b^yS?C;8G3xLddxAv#d3vsTA zgeug+8sum@9%+}zro5>+#kK^^?al(_xKLhTQ>$)3HN<7y%iqcibr#pkVaZ>zlF`V) zu?K?r*6oi50%l>L(JHyonC_w zd#u-iFR&wmtZY2*_O`9;iKCtwRY!UBb3E{jj_?3aR*$Z>)!t(J$;=rk_sL*ZLPG=A zZz3maO&O9KE4OlV90M4D&;2o<@@gGQ^cv;jk3fo*OhG0Kdc6fsLkmC`d%eFKZS@$L zM%}|7)TA87P#Z5_KW*u{+5P!v`P*@!imGU%(_Pi*IJvx6r-TKj;h~^>8l=WM#~H*2 zg}ICH*GF&=i@Fx#fzxxrnbt+k#7_HjPD68$#U5=ZLB*%M=zz+aM?Yi?(#x-2BPSmB z0@nFuK)#-Jai*E>W;Sh8ZHj(wio&GwC%a3?mOQb_ae4|Av#K0)!wu9qHxj$XfD^%n zMGs?KjzUWdm zL6#AiZ_gB%7q43KB$Lx%onV}lv+%pAkoyIm6lKlXA$zjP@CW?e)t6aM)U)1^@Yw@T z4$;~MoBhuCE{YXlLLStQwrST&fpJT+(+dyr++JpSEgTH#PJ%fg8rq51FBvZ(7Drw7T|3NhbMz;tAr zBmapWY)~=|45j9m{W>7YfEu8BYm-NZK11U89*!>M=NynyaclQ2vkJ;9i_3#u*-ieA z$IiDIQ$PTCtx4_y`963Bw<3)eYxlj{p_*8e@D*kOeOQimGak3YGOoB2sM&d9$>*$1 z4>o{zh$Ei0TlVdZm#P#((J$Q{mWdNDs#o!nNBW*ui<1Y4C@jiVuh0GHaEZ6iJxtQf zVgsOyrKZP6oN+B6%&jjb(CI8{1Aznq3awn5+F||jxiFk5@c8eh?@h&+u;@ndCWWBo ze;w3(SzpODVM6Ea1uE$B+c%I;#C)8^x9%%_;Jp`v4uA}PV%e$*|l(0Rz;1n8P1`sz}VbVl06jNA`Hf$gXp( z3s}HeAb_ibpSsfly%%`Xkqot*jCFUw+x?ub&gQ{dmv0fs1`2u`B`^;MM_nDI0jgwH z3AWH$&~;t1`tjMvclsNc06BU;SSV;vJk4qgmyN$Incg!7)55nmf7mkA{+F~rQ9cd| zY(?vh?B;xnpdjD6$uo;)-EIpU9awJdwP``^e~AqyS3i58A_tr|i`y#5SzWTY&H%`` z#lbHUY8@kxrnt#tI&jZgRBpuNsm9?qiBx+KMQy!L2NR`(2#Etokwr*YTn9-EygP zKKmFs9+SQ#HGSPT{`6A-`dVvz70GU<^f1M&MIGGrgfc;&hOW-d;%9gtk>keH-UZpj z_<{$)!YlHp*zXHhE90t2I<&BcQ<;U?^VybUQ~HhSue}u;)Kt-=W*i)!z>`wy%91K} z$+=N@SbExYum1?`>&K&F}{os;+yo*!ZF6lCedOTz{x9{W$!WH5A& zX*BGnz2VI{I#;lCDOIC14g}BaTOw=+Y>*z`FH)O~RvrL|LiG0cHG#i4L)g^|0FxQh z6DKig5G9JLZub#g?P_0zji5_sdjgQ8gXQXl*|S&2Nv`KAQpA-N=%ZIhPoJj>QqxaN zW`*A3@C_+pG<@z(mQC57<)3jk@&RBqHOW1fBF{hz+`h!~4q0vwozVoR^*G&@|8e@UTaPWJXf*gTf@@P^pr18<I_hu^lQC6$jEzkLi9z*yB?^l3VRK7&yPPs$@&&6@p4t+e><=W;d7T^EG_6(}+? z44`i}(j)7^wog#LD1OT@q&!M>1mxT;g`TQO9#6mwb+Z;fmr%)k^BJn!kCzR0Wm66v zeA6a&PHZd6pD^Mnmwd=(4%ZwEV`C4eNoB>xB#-wACoSifdWp)gXSPn_ud zs>N~RM8^_7vZ$Y1Age!&MHZ9|NY@+?61Uh`bPGyJDx^g_>1WIks<##N|wiGE|U|{gQRC6bdsm5Lu7G0wr}nn zg2uRYF5r?<3Hs5#Tg@4g2hB-T-E5ofxrJd$OYpG#zOa&RXo_h#IV|$$0TMjaF{yc` zx#<2!&mZ1Xx+se%i)yVfYax|Zwo;lXn=6pmHpEemXOzvnP6sO#=$7y?V}gCIdtpg6=ndfq z&u1`y4F$x-l(jJN+4{>ZR5D0<>fYOHl&RIN_tpWUF0b6L0c;Iph1FlF>q*NzLuPnS zebSv%g|4dadAS0>)zhxsIpB^S{ip-N=Q#>Xs=^5}BD< zq)qh_=TS$TeC&n{NBSE-?kanve0z6IG6VYu;)HR8ch7bcun4@BAV(t7m~UQAkQ|8) z$a}IfST6g6u9SvsJnJpeP;ZVdmWl)bq}+TL#|sO=M~6b}55k2$gT|S>eR8OzX!u;a zSt7G3&j=W?d?dHW@lMHQo@dUupDcbPkC^;Y!2*D(50 zVp7!OE0`gH3gUaD%`dOfYl68Vcb~inCSuiIt$#B@OE-x*$`2}@|HIx}Mpd;nexr(@ zfB_=i(wmm<5ZH8=w9-gPOACr9-AE&BQURqKRJyx6r3Iwx&V`=y=<~mKy!XR>#~pW! z`_1E7uDx=uIe+P??uW5m>a51Mk0QV((YHLv7hHQrKiyW~)L@^+io!AmMDLVGH%*E{ zv^kvDM@FV0gU0B0V~^=l?Kf5&_vx2NZ&>w3np&H6YH$8{_n|YJ1#>Jsq?E-7aZx8t zz-^;zd_A;U_$-u^%j%KZuiJ5o!_Uny9PT;twxdN$7alEU@+l5}PGUh;j-8iE8duwY3=DN8TH{~_lM3=> zQJRlqh;uRJnCGriQR9?@Cr+NuF1@cS(RVDixTUtdk;U9;-Ab`aip5s?Gu|ecfYcv+V(%Bi)U27Ga?bAEm6Ta<8rECp_vb>=WFsqeF)_X#OHpJ@ zFsjxT;Z>m(FH%%mWXj~SlJ$OmQ)AalDL)s@HiqM@nOw)_t~_9T3Y~1JZ?>IeP$d`I zf~AF+k7Z3fe`}y;tGPNKiJjy+EuW{FN0)RnX3tmsIE*2VSEW*%vz(2hsuY|qdj0o{ zv-CjHPN1n+Xb*tYSF=J|gFbmmFs{ZDWuPH)k}_Z{898=%NWrqHTH{(pF;#XcYW7p+ z$b=QaNlrk5a|$FlEf^E_C@w8rl!Ujv{g=yR{j)@ntSM4EoyT*lVPC+<#yb}Xnz}C9 zTC3%a-Y`i;&yxxNffIE~J|6o?pil=>&8o1iJ)818-YeUjXQ_4C@;Hok_uMhtJQ@~u z?ylY!y_G48R)zUFi$*}y$MUO8R?8oI!OW)iDY7=+s7`?owMmy*F2_x*is3RgTlOD; zjVtN1>i^tWiqyiRo3`*>WvU3b9~$*y zciC8XbJ<#QJNUl3wBFy}$u7xK)-&NbF>}>(@>AoogG1LCb6KmS?SDjN3mgUaLbw^#oH%K*4F77j*D{;yQOsOuLZW2m~0y%IJcna&<+^x@wd zP}MQ+-oNSy&G#T{R-$#(dOnzz<9Ze6bw2SYS%UQEWnZonl>=@s)sKw$67Ngp0`!0u zQ5OQ@lOYnF*9WBbb^$)w%dQei-yR43MTz_Cx9q`Wq|zvamqxeJZoa7kY%t}tIl=1; z$+sus%#sNVyg>w57ngTv0i+NE+}PM%u<~&JD2?{(RFqVafKkjj@TU+MbBN14g!?n) z9Ux9cTKLFr;rSBMkEa*Q+ZU39=I79upI`~0ij=fvJAw;K^4E9W~azUY|^&pZA zB%J9&hx|gs9|)4xl&Zz={5}UVAD{-EVygU}CUlK$R?zU(#s>~#DTUYY5aN|3um<0v zX|(?Ny*Jlx0 z_hU-zap}9W8<#_pE_NDpY*rQfVMdY);K|^+tE8infF5CG`6bwB{x|+zZADZ!2NSJC zMQj6pL~)q?p-rI#d9ZbD%&Ri}r~2H04H9bQ7QX085^`2yilk*iHI8{P7BLnjZY}p; zSC16Q!UMW`yB=YY>vyG$5(=mn0ee+7FL_?gy!Glqe75o2yJ+UUN6;gS0bdVHC zQP%f@S2s3}FPiA~Id~r_Q}H%oM*4O)PIvth@is?^SXN96&*J;YnZ`~XijO!3Zn~Pw zLBx)ww8j>%{NVX=VB}=;^r`v&>G_4{YCiEr>B-WGg-uL;lHLJxk{$*>1$aG}uWEhv zTzOeAk)c?-=v-&#d(s>zOms~<&4A@#OHjl3Clj7lW~qLMh88f@Phv753_q2 z*G$(o_X%rL$IX?5%X)}wM!GYwQV*@^k)8?{3ee7@Xv-2V<=phuFArU>%1y|VtlSq% z>*OA!lzB29Cqh|zS$OzS)y3sPU|_5Yajp~%M3L0g^ky}?OFLO%6!8Uc~K&b z=!sY}CORgPPiqp9 z%--*Dgfvi=QykWX>_u~I1{c;UGva=LZA-b0{^%M~@K3-T4$t_IzwNkZj^Hu~ZF{$K z=I9d1)LlNGfiZFDQu}Pn>nQ0Ygz5UKG7cin9%-_wW8uJZ5SJ=Gfbp9VKBKg2Mv2ir z=(q9{_)&NpT8ldUVmoyT%sfQMFw7;R?}<~AR|1+e2i}5SswWm9qpBOX`A+rfS(q%EN07nOd+A~*TfH3 zQ|5iZRZ7i7Hjm_NlsCjQ=L6>^uepd_j_LEGn`;{v0VVPkf@4Y|yO{lzcDjZlqK0NGMz_`+=NOE<|cs2LcEm3j@ zz$LM1W?*NlARS#;i9LtUBB6y?&?tQu6T4r=5$jVeN-m3xUQ+kaMvI=^1YGi`vS1xq zS}o1whb(hu#N@={Cvjg^9{wT}LtbMRn|lu&a!vsS8>){S(5bbHbE>>4#iHBq=4xoB z10t^n!N@Y6kLjFPf=%u#VzwapsBGj9)G$URv4Q8lgc4v@{6mPShe(U3Voc47=z;JU zHU+S2f`Z2Z!_UC3Z)=(u<0IXMj^W9NkRVOj)DrK~`(D3}nnJ0|-_QOOkt4T&f)p&5 znz*kKk^(msnYs_YwBTqy+%{8@zV9P*9xk*qM+;-Ts`XR@$-~2ZC_Zb#f?6a&&ayL% z1=ToGB-RQyPzBX|e18W^suMXd9M3y2$(z3;pxi zuvu3z%}tX% zTY@J&XYm|~(!XQ!he_&{PHFIncWP}#@zsDwd?k;_{<;q%=6CEk#^Uq-ykt9-< zpEM~@bYL%gVaQz8)#Equn(}&OGP{esdugiy5o)n3`r=Ol_KA`MdB^3cpRZ272ilH@ zaftr?vmxZHnkl54sd@fYBtxX@eBBL*s*uOJ1w7-3de8GtwXzFWm#P~n?p69nGJsU`SJOSuwx3c|HvS~(i%s7B zYZFKgdv=~~yDu7^{WbWD+_8dL^HPy|?D1b=WQ-u!B3H>Zl=4dCrg` z*i$7ODa#_VD%nf2t7RP02=0%2pl}y;R!RJQO2=65p6=5zS8qr|%B3cPUa5&i$sj{M z6FG#PB7Hn2gS8N^^^UJW!7_k~K@#BnkTCBblzR*Q)!QGlL-T9hF!yFn>cBJ$l3x^Z zxo&nUHc$_>jMFeM5nhVY!HD5^i(x;HxL5}VCZASBo~g50JtQ{1hCNx=A|Qz!LOMfr>^r~f}^BSJoj9N~FjoFX(?LF3X0{VY!46_>wmKeUdz z4aT>zXEZqf^*_`BmimG4K1h!F_xeD8{C|0Ka(86Yj(4-Q0H+$jUjHqkSXlloqPU-d z2PNe9v%G1GslKxrO^kC6mVfzFQewwvpb%~X^rmbzFv4uBw_l(9_=XXw@Jk7K1(^+e z%9xAPWxtRs@j`8)<-uHIEl{3lCtEwC%@-6r$E;+xT#z2GO*{%gY}}6Dl`a(&r$F|% z^lcN!em6l1v?IuR)+WyEi@el3faVe#(46W7DHdwn_I6ygLEOnCAi3w}feHSS^`{T6 zv^j_V5jSZ48O~B9;|8nP3b20a*Z}TN8?cgf_CEYZM&A{?3b7ncYXx<+Q1fxsP8$P5 zNV+o81c09)-JcyO4|4)*X^oJ=eZb7S8e*+oSlOR`oVu%jy_pFRg zCRMhVe*(<1;sfddt+A$|=cJycdoU-J8P%yGv+!F|f>H)*3Cba}v^4L) zn;BrHTvgy(K|IpxrPHNsfy4~XQ?6!Z4Op_}-ly|qm%oG=L|)U6dqQ+F0v3rP#)7%+~@e*hJ{ zyF`t?E5)xduZ8vMNwa1QWBD11@?kX26-BV(5WD-SH_sdtX@>#;f+58=Ap$oK2ovJV zzI$gXEk-Tl)gAh|Xuk7!Ai=a?FCPG^w7WGK*4pc_+lgoW>C1KA&1l{A+LKM8O~_vu@%Z-g zaONId4$qFdJI0Gb-PZkr?L{oK< z2shXoJ1wY0`)R3x2ROFBMHy&+&i2af=1(7-qHX%Yg*0^SBwT>#<2W2O_&cO(^%AFe z#pD=O2U?EDJpqhpGwX-v3^hE@7e}5u0f3}ySAlR(w#ozGyxYedCobWUdcpcnbH776 zfqDH_KNx59bK6ICZe0PT`L@arY zAq0p)$+ZOkT4jNgLA-{RluzV?n~TG6u?c|uZ$Nqsl-6*_NC7mzJ&Gm+ZpE?sZmsf( zJiP@4=t;Kn-OyP$e6>Jd0J@%)_Fd2#+jxNZgsaMo`0l(pF$$BHzcDyQM^qE^?dk0a zpe_1d04bvm084!A0Atj)r0e~u0V~JKlPBgd4-@XbphVdQKGFm9^tM_cp;>m{9*z&l z!(@WMK2JnGq;0$V86(rJx_o~erwGxGtRzlG+-QLf1I)B zlzIdE=?T~Sk^&$}1Pd?3yB9U}?O3n%+P}V{MKun25&Znf!g9Vjv>TQHW1sQ_FLR4s zcOC0I)>MkqDy0s4tT%t{5XVDz_2ZO0m%z!uq<8jrN6qy-#`!9GL0>rjD4i6C{Xz?! z-1Y?M-b{y*SWehwgL{E+h+y=4n&L7T9RuY)zv)*ewZ5Hv@Zk^wvJOFXaULFoPn{>v zLER>2HGn#1WHVvul6)U2&oxRF(v02q9fVIYEikc3(6UjoeV%6Z8yGs17~(zHjE|3x zs@WfFuYx)-cunrgs@_Sbl2zrS9P}rcd?ObZWVNAZoOEpL7~a>X)(FK{vAyI7&#Vs! zhs92%5TL)68x57aySMVx%_<_Y%`CvpSjG;Du{u1A#>=3b5@iOET+5IyJTu!Z2J}Ff ztZSajUk&EqWP@eiI^p<+Et6pf?hkyHfYYSWy#SFcb_!Kqa{w=cRKK1z)d*QMxBT!V zD72!GU$K^#%h@^N2kpe#yM)uW!DX<>aM+lTzMYnJ$smQQhUarZe;_tXs-tyL-LI}H zzeOs*qYadCbIVQG3*Vu>ivv!l;UR-#Gf}(v@OLdjLx;~fGKR6IdAuP9(CB>;10jAV z82f|?TC_ecK$Xc=k&E-Ck{%H~d8(Xmk5djzuN0deW9G7f&wXD8V?FogO1qcXCiHYN znV|BGX_C{BRFdjjzW1Vb5p3ipTY&s|(}6E*Olc^@l&8hUkkAXf7X>YFk7^xz!Faxg z_lc&S?6kt*^B1Uz{4yfifqiQZ5G9=}uRio!;c`(DS-0;J94VA;uEhqO_}*mxVbh4s zbA)FJgR4|OBvx7XwW{83>IEMDuO>?sLaw}U&vB#ryUD2ZAFJH|3yVs*m6kj)UGa(4%YvH~>w zZ@PHqgXrj<0+E#SkIm38f^^SRjIH>ri6xb0==01ZNZ-ZXB~6KmBKN$dbPf+CB^gEi z?835_rGk=AJSC%up7V~L1q>w?3b;Sl$BLJw(6hy@JK(p|LFh=Qf#pW3kRjd2F&~2J zw?7}40%2Tm#b}GU!77<nFt!gZc`(r5+?1|iqR=z$^ zEb>~N+!LkrXbJ0MRDPG*;eO*BJk4aPJx&kle~F(H=T-=JI^dY@2g)!^8#j(Hxez+-KU*F-8AW)LWt= z+Fogft{Wn}Ay3n*fua49=6q~kaj}Q%I@_akPBk{Jd(THullm*UR8voBR>oFm3cSxg zgf_$Po;^5KcBRs$B@nm#X#7qh&B;nstxlVPR(f*~x3AOSB`pnGBa5<^cI0VE!WZv1 zbtP^wS5rPUu~tm63mjys`O}T>JwmfpojD~`UsPN}rq;feYu1O&<87^XuP#}|5~gmN zH{Gvj2`@4262fl)>8f(C1E}1XskEDO_TqmJ@c#mKsm#a&t+8`PYpIFB)oRiHkJpWQ zCGeQc8y<##m?yhsGg6tA82n8~Ru{bu%q%x+{O(w=$$fv-&ME;@CPjZ6^d4D49{rv8 z$;9Y)Ic2|MC4n#Ua3N#j#vy4GS{Kj^p{cgS^Z4yOYetfwx5(6E@aog0_0^eiso-fd z76Z{jC)KW@k|V)2X3#SeTYw!a)i+(JTo)9>>bgAjv@*KiFdS{VjikvsFzmYNWw37VR(X z7r+evrv`JRS2Ui}*Ul?`E<@SV(A)_To7o=u z=y%c)#toe-)zs$V9MYlAiz<`H*{94Qlph)*8(X5x32QaXXc*cm(bRZ*<8pPTA_dkj ze$fwO$dy=-;#JI=s1mi(9H3$w53>ggjYH2$SU-?$;_y9{iMQU_$XaQQs)KvWyv?KC z&AeD#hEf$(4`q&G)3P`?78!!3S_Qmn1wgaclm$=-x7Dfdmvnsc&v{q6)Dmj?YHf(( z!Al|qlC6hW@O?)`%Fv^yUIiw26_>%}v9q-C+?Onv3!lpnk`YyH8mJd!0D zYvUSC@42n$*Xx@{9sz^$KQz14TEkvP#UliO3foIqU>x);R-jqDHbT9(%1*pH`K=`6 zzPB`Yk|jcI5pOxcrn1%IIJ>VvJfJZtXdXz%owZeI8;h}~?%(m82z$3DE$l`(MBFCd z@2OsZRg$q#{A4gk%VaNoZR+J28u4z0-wE+0!cU%oypEzD^SC0DQSP~~$Tuw17-EwZ zMbpM_iZNIldy54x)x|fyWD52#*boUya>dUaoUzTL_r9e~#z$H69>WsRxYdrMbuFqy zQ1!9L#Mto0dw%*`L6jclR__ zTJ%f`b7H3G5d;}OZ0vNLN(v z-YZ#Y5n|F>>%g;KCQmk`xcPA`|Dij6u0o{sH;_zovKjY2?bN*dHGn6iUetOx)2kcI zv|-WLT;47*EY!?7G0E~CWfHfyo}&jzYaYT}eM{VGF@4l^ravhA_ODpqg`u&$_Ti+-3M^7(W`t*8aQSj~37|4ii;wds1pmLJXzvxE}OKta_eUqR}1 z7Z~Ofu`T0=V>cP6b-j1I-aBlRWO`Owxg}3CYMJzzw#vwoSXpN$ap)EBAd0X1sRj7S z9gb&5X~IkFidGq-q}veKcVGf4wHd|IM==&hsSAD{(rA%6C-24l;bZp{PW=4bqRF+skC?xEnf}az7_f zP*{bn-mj%TkN&1ZCc7iyzLT^0wfV*A35Z9sMTFAcw;oK|pNmvsP(FS#EpgQAkS%!6 znu=MNJ|D0aw=O4hZR?1%k(<@(1fRb7eNN#nIJ2WyUayBfJ3e>FQ&+;`ubZB@yR!d$ zdHr@kXFHy37u@(%TX3zIPgSjY<)@(+gVQiJZzGx9TXz#-s0M0S}cgN*|PShrBOQdO~R0SHy_j#+EVku(du2rl3G`zAK?~ z-JIykgQ)M*uiElTf;M1m#D?i_y(TlPKW*l{4agfAP~q@%0P6}Tx7y-Nxu$0v(T|$o z#*g8aa~$fu*k^ZIH8QG86x6$YtjF{@gmc*ig>$)ys9m0n`=?zk2ey3U>uPqf z>)3t~U}mO8N!}>2^ka`f(-NT_{&u(ZZQVqi;74t#A^Yn$-3uDIEuW|Lwn~z^Hryr?n%EMh6QeHmDtygL4!itn zNZkXdC&%D*R|s9{p+ZIw3j(`AZE@jg_S(aKUVcLVyb6a>p$^;6kJl~|_iqohMDI|l zUJ%+1woGVS<_-30!3gUZ6`!_!;0ha7lagN%zl5(-UC}-Ti|h^wQbSlYh_@l!gW{Vt zA$RZ+P8rB2uCobv%f-Y^$=DT?d$>|*>ev*F|KRIZY?hPXp4ya}s3~=yEx{)cP|a)o zIW-UVi!LzNN5X$#F;$th@DEfC?uY!tE0i>&Ip*-0Let^r9j!{dmLDh)wB$)WB)j{73$we zc;^FN1_=lWPabt|+^#=N@^Oh%Sxc{0mt(HEI)b+t(D*sjQV}w^`n=Wb;ss9Ff-~YW5BnqiI!(9pqj+QCh);Q#r zk@$=&&(@u!Q=g*bGgr_k|MhHxw@2#5_5jUC$AJH0duhOn)AW(s{=c~4`{1wtKe@FJ z^I#Nj0ENp1yKRMgvd5(0{@1F_B*j|i=?m7HcsjJ3|32-|m{9C z>sOmj6Ff%{!~IlD4q2MrM?j0nbHI|+*;@7Nsh)V>pQDqA16I$K3FUN6JNHn+zQikR zk5&V+l=SUS`ZKEqvC_Yf)&!2bPG(FTf5USQ?BMrb>vvx|B>n4Mcp+kq>ao422BO(h zDyveSPwE||EKf#lWgcCPRn7MrF}p&Y&$ZXno1?}7k&x+%=aK?DrE^$klYVvj-Fr!S zW|GU1hkwameAv)DPLHt5rjHKFoAo`0{d=S)I3;bH9NXBAGDdYqHRwvz6fCE{7E8ly zHAza)+H~SAW2^sA%5YF$z5OY>AYZ6T-1Cs^WXGD#yEp1qzxH<^q0>sZbzPRjT7}Y9 zugX!uvZ4j=uXiH;l8yYZ#jI?g@9Bp4j0PCINx{v%a)kD7Q*kTgR{ziAk10icNl0R( zZPbNbQkMsZ4P?vRx#dK+$VNsoXb%3|*c=OqjSFAgotrXP9t^MGt+_$Kv$Z}O1!aZ& z=ZOe2L@LB4qZ-Y^upuT21YY=w129a=HfdaafDYtwe{A^l_sF^`7g>=8jjRDp^|$|e zC?M_-4ZKD1k7<4_-2QXygAmo2eE-4UAA$eJHwP-4-`wGH4cVGrJwzPg{83Lj?DfwRpqVcRDBAQ}EtLhKCts2AB$WH&eutEZ z&;X&2Nuf3j8+i;ak~H&w%^uGFuh~N;+DkPnU|c2vap$S;_VfGfQi``%89+h+C&u3e zd>76Nt`^u8pa^)f-shSg5LiwC@#_+kA7Q;Kc96vYGp<8e`55yNCj^f63{YNGPz%Im_y{lxZ-VpdXg!A5$&^MA>Lk=$qk#uH7MwuVt)YUu z(n(KIyxNc@hzo#bOjmrYpgDu{nF=3jl>7|j$$^FaPe6)@FxFcr2?*hH&q*aehfg&W#; zJZL_w)&+!V?Y&bFQPp1qSd&e_ZXBTZfEDO>2;w~Gg z4wBnW)BLVWx@91AO$ji32`(HB00lUlMPPi@TT;h>?{JCW3ZKY*Pq;>TMdxlo;({O2(hZv z74^`vCV{h!#17;+zV}!~(;IU4GhkzK*&3nYaouKgbiyo!uQQC?zq1Gy3 zt^1D=z}`9-I5cjmNO(U;; zIbijOBgfARd*4&1lkgMKK?N4l8(wZ{d|#z|u?6!6-9UtTM3+gDWlbOCtsK&IkhgVw zsLH}gUHDFlfFDfh&#d!s`YSV4(kv3REn``<$udr%MrkIHG-d-#^eqQ-1pvhJ1VQs> z-FekJZBzJdz%jp^MU@Yd**;VJ0AxC!{N3Aqz_wr4B|RM92iaDSbhrYRa6w$c4AXM9 zg6DEqQc_TU;`b}QN*Ed1@Wl#a*OGF>=(Si@zjh21&fpa9u?U4OL!yZf-z$vz#5b}Do- z4R;brXKi$7CUFV+7)f+;0uWr%xCp>J$`^xb7)h=^ytoLQtR%+JU{rYKm1FlzOgL1Q zG4~u&4z%zcoY&@=1Ww*evI5ytcBcVbmsDbBRT999!U@8*&p{%aE53eTChJuw~y(<+*3mwvo7+mnXttJ6JA=JX*{g9;GXP$_FlCzFK?x=P{OHlh^F^8ZAadfg5eF|(f9Cj@{IQ96Gy(S+RxOEbT zK;8tPbYu-Mp!)Y>;3;YHTAar2X~A9}sZ)3;=m(3+JQU}WA%+4Y!dIJzl3XuL!`a8c zI8I3^|CO!$9E534qi_lr+e!s2k$|cV4f3u%w|Pog z`kJ%r1PDinPv*h$vgOXzUCF5 zaB1-yTAoudxCfu*I2gP&zhoIZ9>3BQ!5)Geq^0sm6ZG)G-bURox`Ur(Lis8jn>C>g zzu;hVy~&0&xz*tiw(>69v}bTx1C`bnP%%mYRW+vYa>Ja68{u%G9t(Q3Q_#Hhen; zxGul&7UnpI!|kKsylLUA!Ry&YAIpD6eube>8QkIfPVOz7Q{Nhjt?b8us9$8DQkhuL zd@XEMnXP#xBg|ZlK1WJ6u4Kj44%b&D`Xhs#iZ0et0v45l&&|zTouk|6y3fk2S*xp}evp@P^;eC? zV1H?iH3$Iq*|Y0LE`V3uKtw78Ov)q`OZYIvmSHa|oiCu~%X|Nnd5)jw0hA9O3GzdM zJH$fTA3;jD-Ce}<4<2mz#;WgX+;_Cz2-*V$ov|;_vD4)C;vrGe>`&hW(->{69zM1N znZ@&;S;DR_?=yKuEvIoRV5#b&=cl889zj*)apLmDN{MwaR9&d%E<(i3>#g|!e>?lu zKJYB_*O~8+0gR&&hFo!Uo>RitgRpl*iP8r&0o$U{4EOcb^v1qN zP#8RVTmb5BL#?=og+T)I} z_-5Jkd*h|9!l(+oGe|7mDB#E8T$ryDL#j1 z4OMG8)+v#+&xAy2w+bFi+-o*l>p!gs)^4=f@KiywO(0x}@`f3)X;6OdZF}^&zvNc9 zl<_S%*~72hpfzFlnSmEl;Ik;AUsB8!TBY)`h;xrfF(5I2i8`YFz|1lyG4JhmI?Etc zdRO{KP8nYcbw(kr)|)$ki{?%&byG7F4oYh+G_K8dV9qf$7Nx{jF{dJw=%@3CzcH>T z;0({`FwW9CkH$-|S?*wci;>@(D$_Qh9bd`fCp{!UtujVM_tZM>fN*Bn zYWuNeed6jvndH-_s{05NF|tn$WP_40iw!TY5kD_Ntu`0itu;us5UV=Qm+f`QEVBQ& z3z$W-_$T*{Wu7P45tywFcyRp$H%u(cOsISX{z)UQ;9Z&7)Z3ev=*lW2@~=IWCPB)f zNQF76sBx66vUnfKS}7RB6?5u(Eo4vJvi!{|S|CfN3ulOv?17-#QTN_rwhhYRcyl#T zn!%S99&ydxc=9)*7)u6Jj>_mO@AT6_d8=7nwRvU?4AmWlo%6}=60X` z<`e~FFF8f|n#d!MBH|Ss?BGXFWzsXHWe~*{3+hf;Oyq6{n;VmB+q6HV==VwDFd$Nq zzERgCb|+I=Ltfd+wgN01Jozne+QJ5~U~#2f-QLJO*n{Lx7F0IMdUlPPbWc(Be{}zX zk_e$J;Q2uU-q#}jcYC5lf^V5?$6%+EubOWH$({m{*9|nw*I%7>vMuc6-Ey4F0+xZk zkEPlKgp@gb z(%kSHZ8jl4CK^H%_H;%R92J<0Xa~ZJCpb$;A)W)~+&`A_$qQBy!nhyil6F@xT5=C} zD90k#6!k+*Eh0#!gXgXAQ*i~0H=zVX+cuSVRM8?mtZ+)|QZ8r@VP?6;s2`N45$5r^ z`!z**DE7$-VWvEFqNdoV4iyN16L>)2lbmjNPGn=H?n4)pZ?-He|M;f8j!^Qh=G zhnipc8{S(KXcy7cy5$39R@t+5vd+G2;ir@7T-Azf59S5CZp}1MHv1U$DJmH2Uas0j z_|O11!uZ8rUhCZtWS`g6n2fw_eM!N64Z>P7#bvQ|F{93{kT;%*wQX`JUxKS`@!+h` ziTfWqk<-U5^gZ{~w`@q3rB3u< zLHj&64f|U>gh2Myn ze@vL^(Me=_PvPx6dK(P1?eE64Mb;Ns zEGGM-0-kSis=j#077iFi`Qs1gzAeRdbC^U#PJ3Nrc=8&;CIr3Mi!+>soIz6sr|l8O zD!zkV2tNs}vnUjWBW}tEpIwM50_M>)I4{Y?gsXsDjPoVk0P9(=ldGzT`5zey*zlE= ztmUbw5~=QN*wgT_CJS!e9~S)rbg@)K27q(OV?lhLTSERAWXmfLin(Gk=ue zWyx-RR8nFXzHeq3n7wPQitEs)ysU~I93@Mn^~Oq#mG&u-)=rYmqO6SnzDi`PN8F}j zJbXB_<%#9hBlRqUBnuL;xTu&YUyojW`_=W=HD7nO@G6J&ExB+W6t1}HuY{{SQC0KQ zZu8%XyrdPCvQN>o1VEW1MJ0(oV>9e#)2T#F6Bb9Y~Xt;~gJQ)9#j;{k(rgLa=Q1 zH6z~`siBGgKrx?I{Vg5hY=L;+oINw`0<~O5?Pi*5v|#GnAL-QdFosLalw(6lbzj9?|X9ry4r zzj;rgkd~zuY0S(25(iwP`Ig`h`u87-tyfdI_wRorllGIOG-4Yp5Iiw1t<$IYMqBFD zMU)=y3o~KEU(V4?2Hs)_y;zk5JMvnWCIJ5h;+Dhge}YJ};~mTRl>A-Ev!_=j-BF>I zC$B(1pnn;)m==+@R`)7K@ym34YOD}LwnhyWj0s>(dyY%XV)^;o>)V0Iuu2 za&2WG{62LPnPasC2x^aNP{d3-FyFF&2<>8|xtU?Z~p1$jr=b>Xs$TNT_ zxFlE=zD>EVQ`CViCAEf=Vf?f+VF%&#vejA$9r+97f)}}o^wG!C2l0eNX@;B3Uf|X@fPcsXEkHKyU{^xFg6Nz{$|M!T*b6)r6?ds$6tp7EUNc5oGo49*Y zv6}SP`}ZG;5)lg=IJI*T!Urq;2}brB0T48P{0%o`zG6qXyDC&T1?zu!i$Y%Od<=QG0IJ z9eq;wZN0MooHBN-;gLPX%|93nHYpKGTZma?Rwg@du02&uI=U58p%pLyW6ME&@~$=V z>GY-&_5Ws1G|;4gm{FrA8t4AB_4U$7r+(dzH^(|l`5 zP`Q{4`A}XXc{@iQE|npMruMNO#;r1^P_y(zGj4VG{UZ7Ae1zXT9eL;r_*4jC@J@_> z#(NfEPs?ctmGfv$a%>c{nM+9F;JCu}XU?h*BUVp5w|s)G>yJ|{M*aSnoKEz_Hx~Pg zXWi9{o1_Po?jCdh&{;2@L}q%%)BW+NicF%KN7`)cW^U9Oi|SvOHEu=%VY#{3NamM+`k#Mh{0dAJ;q(!Pf0GuYv|vSa z#+Ui(pY49lj^My1-Cza}I)Jnwj_#GOux%k2{OBHj_+=I;iUzRt_>|~Ku z_{^cNx@U$d(`z^HFLQAnWB1hcTvxZDAJR0_x~Ugx#%g)%G6dKMPE(JnOF2yH`iIpI z+`RYza5GfZx&8i5`UM#XtC>n%Y;rrl^ESYytD=uV>DgurWvHWSmI4#Q5mVVj9|`c8 zm>f0U19zJl-0hWI4Et;Uj!N`2pN6z8d0}?Ys0lF~7~a4T2F1D`?-H<^mP2*lAi?Gf zly7S@Y7(2ra~lcV^%YPY603>f@ultBR}($79|A)-!f!9cAA{@;I}p~VJ1PJ z9ilhLLcx%Gf(gnN{dE8aX@sI+?E=N?zV-0GFxz6NU*pLy4OK2Q4rA0ZH7zx2ehV`W zATfPSli?vh%YZm*@A!ce`I^u?^$EP$uA?J}ZM@JV&SdJsvpFeYaL=zsZdoAIaceSZ zGRf1$dFe;RB5saOS-#ao`RAtn=Vv@lt5HED{2Kb;my7aA3M{|7V*BVyilFe+-AyHA z6c+huCUduE`<=?+-rR-63MTSjgiM3J-~3fJgvlOLsSh`y#+QDWM>g0cn%@~V!oDg| ze+`Mg9_5NO=cB74z49eB(>e`9G5C5r_hh5?P- zyJs3^*`v0DxzQF5LtQ*pJrD42VD4e_hSmd2oKo#8aIOh*etJ~rRr67+2tHP9K?ySZ z_hIG}!6T+q)vkpuTl)P=U?ZG-<(TusX5ltyal7jP3W}SMhRf}YMn4<*k7|6-U;-Tl z4jl*7vN0_HKJReRMyqmKGp!x>#=*h)x(4Q`Y8rXk)QgLYY^ELffK?2!cqq~9i*j>e zp*6A(w5`Bku+RRhSrlP=sOGqB178Js#vltoWCBZJH z`=sZ#lCdLvu`3M6=L1%*Al7BeS1b@pnE`H1lf9%Y|4|CaDw8oW$*|yZT2(vhPdQ&G zs)lN2;l1n*OLFWizRcvyfQU4=|u-&PBl&P$cgY-{?~7@is_ae*{u% z=|SOd6d(uMfvN9l*F|K?sknBTjrFEq8x%3|Mkthm*Mku!JmFz^|nI_Ykbj`ccT$HS;~k$(JT_6dC@h>Zkio`T}d)-(NGrU)Y)Z`S~r~!64zI z0u|ctA-~JNd^5OnrlTxL11KzwEguB7L{T4f#i5X5!f7DR=XEMm77z zMm^d2j~jfp33b#lJ*rAij|oaji3^;C9{V zx|y&8rog(#hNXc6z%guY_(op~j=I(~Qk=kM5^(JRWxB*QKZJyz4=Q-R#uRDm?&MTr z(Y-sm=CjQ;&Sg8b{y2@(b3w2g&@KwQOP!sc9~YA#MbCuoQhOaCUXeV%)fFUidQ5)#y7J;G z>%9NG-+Z_cUOwBMSL{V3a#a?gjZ+n%s?=ltCvfj_jq`c|buZzKpcmI~kT3@>VW4w1375Nr(jRwdsA}xjib?Irrm#V$D9zbYY0`f_mD@UkBl^ z&~mqkAcp@2bMg{tm_$DpXG%Iem~G?9-H)FI2Zj6WJP?HUYP>u!Q(=6IQ6bkR1g}!O zn3iKpG;cxF57^S6^Ix@@tQ=Dlr}k=^L08i)Z5WEduwUMjoP4GT6RsVx3xb-@w7xNg~76rUVcp)cFAsP zRQ*Y*Wkjhp{1zF`P_G9u`Mld8Q55l+XzRWGA-tytSvz={9x}11tSk{1u z`@+zbY%@shMY>_=^6S8it%*}#e5<0Q6D#kdR`)sD=&%*>6&|5JG_noZpQzb4sZD*J z{RDjC6k@`JzmnYQr)*8Tm6fCN=@NIHg@S};GK<%CU=xZ@PFa?Gf@$Beq2WEbcbs!# zA3qQxXTO-7sbKsPU|KhHh**nH0HIlQP+!g>a4O(t?wUMNtR(&+^t`sjau^*M4jHM< zCNQ2eUVCx>QT)I+V2VnuBrm@zU$iybWJJ{+8+T2b%k=G+*^Tis?#~#H>*ZOiPWC6~ z!^f`$OP9_%SITPpKKx<~J6%!qrpLU4GNya)u*G~ z_)Y!Kyc|^1mLyn=!p?eJd(Sw2R#7~=ezmg100<PT}Q(m}mKB^KKw|=d2Vlm#s6xr|!{;6`b^Ed}}ff#(6U7s&t*QW;W zlo-d*=v=v1SX2#6u%=j!W+H|fRHWa~f+DHVv@Pe0I-lPsZGIbiwSwySeRCw8QsJF@ z1da(zAx;KTKS|8iu_k!rAAhc4KI?q{CHKqoanIv8A=Fodq3b5#YJ9d`Y*}x-;*72< zcg?n$LO3p%QNO`X(NN%Jr#5_+DZ+(L-?MkO;q?_uS<&__el#3a(AT|;GUipp6k(RT zn}z{DOGBkX@mWssp3=QB#ItMRm!^cb%zyjfxhrtN`ZXH>y}4=L=l_Gbw+xG`TegL9 z2yVgM3GVLh1oz;<-Ge*9A-FpvIE3I%;}YE6-Cgct@4L@A-+RCN|NiQyyH_u%IeS*k zQKLp(I0VE*OZX$W2-?+sP{w&HhR|dF;qr}BLk4Dfxs+Xd~Iucj={}&9|5f;`Cx5dvR}X z=Yh2`3;b{d3{*c!U|$~xT_7GM^#^NSfGDU3u@0UX!HV-Kf*{slHP7&6 z@}x}4zpNAOk1?-te{RZGyo1)%aFzkZCBdWC)W@1afp8@7=3?F2w7?VlJL)9&@?Vmo z%k|}2HQj$Qw9Tp-H{nGtY3ri3%Vn1BEKir4c7HwLaUM~)&tF13kDc7E6lHW!hNi`p z->lm0wF+Ni-&)jAvs_WsDK_5$mDyW?jn;{@Q|yy|--WTrb0PGiP&7HTSRhKn`U%0S z@MPg_qe9jiPwq=7dIpAVbZb!TlhZO@Nl&^jN*F^soD^p zM~=8gLdsWEUCmYDR&Mqkirk#9Euk?BV)M(}qh?+7X=YT0fX8|6gKdb6&eZY|!Z37o zY~dQPvUFcUm499Y-+|QXiSfDoQ<(vJR6-kIg;MiJxD-|o;$VkkZRYt1=Rp{IoS}(C zd33{k8Xak(uAbDy@Y=wV5m5irF8UKnb&U=1GTtSWp!*9?z5p)*Yd%x$tq2jE4|&Ce zT=^^TnDJJ(Fa5bzw~zwhE6I^?%*9PgIf7IH>1}?X&Z!}+HI3Rpt!4+o+@x)P66U`s%t)&OJ|f$8t6~QIOV^j5W@<*_IjZ)i~$%ts$u$ zRg2fnjOHkB_dV}zRzy7xwQW_KNk6htH|A_z-8B$S4+5+u8z>HVFEwEmI3GYzUp~)q zNfDUR<&t3X>O-`IQ{{`SU>^6#-;Kh0;h-6PeygYYV!v)6!xLwuYr@^$5e_ff^Ao4y zC(h>Vz~z>)E-4Eyh=#i>uu!9GFb(XX+Te{l!IGFrAk_M5FZ|yvs zF8&^ll8C{#;2<>pCape@IbEc@|k>Mnvp ztC&B^KIjNx4!My&gW*~HxX!xjuBv*Lhs}J%Ar5!>2j{u3>7|bO@VzvVu@_|(oCP7b zP$5k@DS1xpXVN+dx*#^MYYW(P>W!GUwA}5UJi(Ury zl%-9u*K1R?QjP>8|IYr|=YFZ{`Gfd8w9>v6tvFTL6Z?mjv&W2VJ`=Ay+ksrBU?)J$ z14I~YxsbNOgvuhoXN{>XWJ@H4&6&|PO4PF`yBr453xY(& zSf39Dtxl*q^FA<&TtJCzsl?d3a5Fukb7J_)jF7~f#5JW$_^-MuOwcKP@_wM0rVQ0t zUSwv52VrxABVxQ3#t2BHaVg~K^o9`LJzM-#>0ghA9`SMf1PGGSu*IT94Cpj>`)qLW zz0K1UAL&_NK2SBh@d~0x+B4?pA9eO!9I*8yD3G8X*1tmF#$I8sdbCz#eB9SF&1YbN z>CJi=w7a_;?ENSfX4RU3UCvq)owA33P;ox4P(9S-mwpz-Vn{DavgvyNl@@O!y5Gwu z?AZ01?FH@pQNC>?G7m%&KjF#p(jRoIjHV0)?9@rzpx7g1j&Tlgfj7ec{_MYAq~U>B zffCxhEu1VDjt1hp|Nnfcd0)2wU;m*n1stH|EsDjULlLtj?v&b~4pmD8&ajKWB!r#9slc&~5Ts7ez#wiBRY(PM5_0&esHDEk}%f2X?@I`56`J^@r_GeG~i)?q{R;VS2i z9-qq&(ND!T4;TRLAYlyzho4=%Y>MhZNrGo|Ien8wasuuafGEjip$x|O30vOAP!e4c z;3Opdml|v{*xwyta~6lsG>gaX=fl=i4l!P9`$C{gI?$0YI5!&g$WG z8F`D_$r1Y)44Bj)Q1um_9Tu5N4)_#dbe-rYT*y)p=d9kvDjF-Oohrr(7_$>U}q zGOemvyQLW+Ru2h0&btGEs7jrp z|5h|xwn#-+8SXkSjA~GefjU|^Ou+N=b9ETddPbks{dBqd1cDXB}Kj_~>wwF%&<#zt||{=SOGD16TZM0T)d*B?U&8g-ekHUcDF(8%e5?Y|xj z3Q_rxxL@_PyCg{*hBi%`RkcM;WN0}|B%8?E{H#u5~oRC?^=VB!y?zj6q9aH6L{HRRLt54ft|2b{$R8t&MURpX}p~eT$ z+*?AQ5b6pT3|i+)W^4dYWzU7X=a9YvVAawczAsk2eCJRG96#$>oi6tBN82x7bZU%4 zl+nb%wP-n^jB$fDvi(?h`y6~ocmcfZn7p5>Vg~>^IIs}>#9a{|$@4ofBEYtKxbG78 z4LVE*(LDipBt$fgl1d=2njKIv>-nbKnMWc;M<^h;UpxS%QV1xi$h^0;djJe&2i5j2 zt6`LFv~>kAtbMScLF^u-BTG;UPyVmkn2%RHspLM}>`NKOi{G7)iP| z-Dr`c6r2;>?B}?8haRkqj5I;d|gAhbVVcF?^Ypf?W?Jk{mAjJ(6{SHG)#MhPH8m*0utkeV=G zzT88fen6%&gIy@ee8(M-t5AlcuHM1Nf8%o%iD%E%cB#I?%&xh4PPs3vFO4^|y4IN~ zLhsFf!(Kv<0)k}Lx_S@lE&g_QiSJoQdeFnx=pX~tt&kSa1oGkSN2KA4bDU^jj_23E z*3$f)6DMizIs=x}N9{jQq`mw?En5?LV#rw9S2o-+8(7D}YzM6XQGa)V)PLn+4pDUPR59l-Eit1;yNIG2B)1DaEhOL!JSO{_>!A!R{3AoKl{L&gFWf7J&?t5E@ zjOFc&9HZXObxTMsXozK%$(1dHF2HH?1;ZyxJX+*dX#PrRw-u)xMHw|X6B}6Q52A>L zR$J|r8`9k4O(L(jp#-lyoXijxYf5vv(4?=w9qxYN=6WZ(?#6oi?+7eEN1hx2DnrJz zHe(w?_gyFia7tsqx_V-_wwKa=P08l&WZ;GoOciF0&@VXWjlPzZNUg;CFBs7G9R@@W zST}E20ZMb)ZMPjg`00b&ZJ$N6BVR<8vlrUG-PujW*pgn)SRjauA3I+$IfS`z`-z~s zA_J&;fxubNo=B)k|K&FzXlPuJ6b!pF{D8$>_X5-t{La{XP20afyF)(uzyF641SBfn!@B-7T z2!{D$Gqo_0n5ZZs>>}kJ5V3ICu3(Vdy#W+%j-|Y=O(n6Z5+$x~qVecOI&=Iga4z^Y z4%+?C13SI4;6H3PBrn$3df&+ZZjmd;V)!Tw^NTqj;>QwTW1cn%tD>zd5vca2M}C4P zh8OG2>2IQ)&=NilfYiiWV=Fv|zQcvBK}M$6+I3(A@xKAB94&mE^NNL0PRgFHk@ZyM z`P!wD@9oaDKHCq0YfL^!otvFdOzt_IglFityWWQ>yg;5T{6TVHR&Kk6&CVsbtS~HHA4V2!j zv^%iVAIO{XNU=Q)r%fsRm?7oD+gOFm*2x`UU(eP?JL258e#ed8m#dP8j=7JYQ?WeR ze*3h$BECaD4iLbfL2W#hYZwB8n~T~4+LEMk&Wt~RLXG zM4Te8-GjJ-D>1LtOPF}e@j*(Nzb$Ym5MkB~r8T49+jHJ`m;`d2;@Ffzx0cKY5Bfzi&8!QH=w7|s-4qOE4X=el`mFbOziFaHSD)gR?fKMRsbJPWez zVG*e{NhmAp8o}ej0x2^$_+KEtqa@H+@BufY?u0Q(084ykZ*^-afa&&mSuzFxm4$&_ z-;`d0l?WI6zG>WNtk)2g&O*rt{J9mYpT55!feR{u17;yZZ8Y+f1;@%@TW^2^91Ed_ zvCBoyyc>hc&F}+iv$f;%Abjl>kcfrak=ZYXvnLJkchRs(_p4ey3t#E4 zQL4>x;}aSTV{VVKhAR)C8Wmb$V_^9VXFa7oC*88*t0Oq_+K?0QXmq!r)U1&Jk(I#@ zKgV3D?o!rq-i>f#^wkHZxvCED07imD0ge00t=Mu8{VxN|J?n0?A7a8vyH876ID~#= zT0(9XYao^$xO_CGqK-jCz#oc7Q#O36h;IA{!K0B(@r}4Bz7TTOdPJQM{=$bgAn6H@YCd+dSz`{~W^fEHV=%G7Cp<%@j7q*> zV}XM{&RUtk4v_D9)?kA7f2dFFO3(hCwbjY!!FffQLkZ1+Zn8#muWYzi z7p5`Eg>{lzxEZi8^o;S!%!gxwfTOe?^4xD)xD`KFZIS?fknF;*L(%F-<&0RXdBD%4 zA|n;ZSN%}`hGQ}ag-p@NxHQTO<0HMFqDCrgMqn}sfi{N;Z(sOc8b|t3*8qz88`33x z6jQ-wjEq{TmT5jJSC{JGxnjA}Ud)W!pAXk7azgYd#z{G^dqxSE3Hs#EcSrUTB>1QU zJm6z*d7gg_wTrnj<2HpZv`%7Pt~)qGL|~>84k)Hh$Jw=zuqpxq1{957pPrvKI&wPN zEUM>Y@XD1jk5@$r3!X&D{XIAfPEe-5CmZU(N)r&<(P`w~zM6CiGCds#hIU=Z&x5&3 zV|a|2;Ci1@eG-rk02RhaajB%e2&kLHl~NiTT>GIw2oN?RW^4;Af8FzT=WEQ*$l;}K z{`~jsAP_96?Ygl>90jQn4i7vMo{tJ*;~U|?)&SAgO(MK4yzQ6!ZfyC`LE-)j!rD~= zdG1Xm`5(}KJl{sMeS2Id>rF&4>2en#8P)6~IuT)Ks)H!hkSm=Bl7)mO8a%ma*i!&<(@muGRr(1$@C z0fRv~;_~wnJoTzlss{a^Aj5q2Cj$`4QZQZ^FEy3h$iV_6xxZFTC!e0~fvn;mgI}iW zj1&W`5ST&-O(JF-byBSKJqok3AEiY`@8WxF!R?F%xY3U~v};3pS6<9MK%iT<*2o7? zhUPP?Qmh=vG@v}6uAzLheH!Gv1{3klRz48DGv}%yULI?938&_2S?+IMYJNIgty}}J zZef6NFsG`5G>glu7PNzhN&74tO>2U%e4+QAG_9*-RPu}g=oKsU1B^K5!t*daOHCN%HJEXnfq`ACNu29^u-imPmfacsXK~|jXp?)| zMn}CV+lOy!PuUA$HoY8}!P4x;4bH1l5FB|Eeb&lx`A_77U-B%(c;oiv<0O`PNyv3; zEQjO3ydtW>xb>e8Dgt^%Bn`J(dT==4H306!RfvCe^lvY=$_&Ti`qTLGr}md^&QPc7 zDz)Zn1HxfiEiz&$3B-zT8l)x_yO=I3-I)SoUK9(?`v8I91Kf5n*q+320vwVC^T|ip zP+$|iaU-oq+!iInSg$8c+Z!L}GfhF1#|O{qllI8995abdMU=261MC*MK!p`gJ$=zN zNffM5-b~UB9n;>EFA3?IRFiob$PpJmrfVm^f5kRlLh+0Kw6r8K?JN27vujS!8pDF` z;@TrF0XUPE1Rsp&jN!P@JkB;tL^^g`l!yT_<>z}NgMb@0PUIpTJI&YVae2y!?a+3fb5UgKh)6MhTGB4l6dt55dl8 zjj~I`ER|LpBH5}&^S{U6iHY);3LyyL_i`OcW9y%utKZ6q7}bheYHx}1G3jQ@jua)R zn38V*IiO~Ti4q(+*K*P(QhZ+Ds=<_ODqaX&Y;C99#V27IOOI$yrH}m3Tv|`@Ioz~@ z(;%#Ob47kz(u};;Gvmo{6@qB^+i%B3dHG%_0}6vDU_Z!OIcZ}J&5Z^1Re*<5f}{Yo zQ!dF#)+Jp%8N5@B#ZSIynEe@mat&D>wdkNVAXV9dZF9{yJeWfS*)@@=$cP2yIfgmq zb;rDPlTka&8+s(V3Z=gef*Ax^E-nyZ{F0HdUAjvAy>{F*A7eS+b)Rkvm+G!;I4NQb z3oFAQ--gi;(lFRncwz{_b;8`$q;$ZSU3QS>^}dsBU9hj>0CwnjCun|O$09yVi0sO( zwYPlkM^5Z$YF`PL=+;a8-IJ=Zgnl$xZGXDRL3&p-M7NYh0kMvud#NC}+cZx-A!Lp!}bj=4-Zz5Xzb0Hiql_^DUH2 z1Z%1vhNP<1V7`ZEV2(~iJwA3N;8XBbE(pb_Czl!iwCLsIE{`>%o&N?7{x>tRpWHLn z_Eeme$n%V#fIo~+fOC`8d(Z8z&pn>oTV{LS!JR37P6mX7c>8>EF9UiH?|XSBT7k>` zm|1TWb;4fTG8}T5#U>E&s<+o=j1pNJJxs}kqqr16^7_kt=1*dNPx^-Wy1^K9+{-ab z2M zp4+-8ujvyVZbex_$qq{_rEJ_x(_uR13W0?8q=!egO|dop&YLLmXU`Cy)&IGE$pdLs zjEv^<7P;CN3|ECu828Wgb{m2KrN06D7z7V`A=Hk{-@49{K-qbX-E?J2lPOFJh+U((L=-K6p5JIF|vd;9#;Jv7=Y_t%Mzvfpamb2`? zJ*%=XJ>CVF#334&dZJ-LsXirc!7+Y8E_agTkqk+#s7V82>lld_#2DfH)v0yOX@Rt0 z|Cm^LFP*fRIh|uhte-zro^%BjGTINC*vzkgxY2x%oU#pNv>V9<$@>}rYE~{j)!N_> z-22_TIWMt$1^B32k^5qHOHW^55hESd4M)kU#JN6D6&b$aLW*J|JtmhR6#WZ)zX0*2 z*L2=Xf#@1luh^j3O)zofHmKm7s4{3VQNjD^mL#tX_C5H6oH(PpEV6~p1hcP<>wVVw z<>!pYen%|?Z0?K%$ppPEFmq0Vff`*zawPN&M-~(J?*|s8GA{9ln?zS5L^EA0Y|2$A z=FYL}X}F=$S3MM2XY4?{6RtMVMZ!;kw&X#gYp$=fW+)JUqo8LAwsSJHAn8y)=OS>K z=X)}_@WY7mvHg*_diE^2$iyx0Bf9h3hr{2f5(1LOhrUZcEU;G*CE=kxcY25_O&4%mgo|Dy%qKb$62 z!S(b1K@L0YAvs$GB53$1GsqvjD%)r1`)VsXNPw>~TGvd8ybg zYs}P3ToKJ@wx%;a|L0f6qQd$#CV@&Q8vps^zwegB6Rt1|n$h!5rKZaN_?E;Aic{dO zXdh*)o19CXfW>{Lz1&>jFMX?e8?Xu&!A&~})1Cwv@Eb!ZX1Q%|+zss*-h4Qi%d64j zEtTlqn}EawuY%)$8pJ9K0sYaNpFJX7R749$fG~x5V{`q*Gp9hl6wVsr7@)2MkOdII z^_kFNDzdfEN(20xm1q6Q*?j34*X)D2Zrv7kA)VF-21oWAZ&|lcNg&%?m44fF<;;|u zFDqDtv0()q(9!w$8yuVhiDkT{?L#qD#6^F8yh?8O#a8PxLObJRrvNBFjCJ@Djv6QFkK)@+6@Gb0PS* z!y5%9R@YvGAV{bEQk@Me|9l~1NnzamRMKgTUVr}#-1?Fa^`n5+0x-DJgb>XJg~;F9 zob29D03&dRL9H}gKJ#t-ki}$kx02`ElQxoT5E&{sL_q3}@Ddq!5vMv7Kk527;$qPL z*szZ*Fty?g;GlHyA#CNU46N-j14iD{6^LGLS952Hhb9~q_6<+NybPF2d1!zg*ae$4(WIf?(?Jk3P?=Zr5mT(x!AU3Ev|1ap z8kFlpUPF4~B$$Z=R$my6i|z=%Kn1b{-F~tPsgo{T+XFPoM+LyfGWj&topR1*(l%7M-&DbiDF*I& zZJ(i75x^P9<4DIN6W6al<|QUgSLw>NbGIjM&s8Oox)-g;OF<0?FHN6xJ(kd}1d$dj znMn9s4$u~cnpGck zY}EZk3-Ol(n11Y~2P_w&B&eLQ@UNQD4kYNtX4j)ooA>ia z-$(%r;2W}{^P@gzf`D{@+#3{M`A4W;N_8WL(hs`;U#cFf8B+v=K~dNns5Q(vqa;B> z21RD{eWAfeTSR96Yr@=uI(kXg5}G{5*tx0vdP z&H#$8DF7;~=;_g$nVEs}DWwcvUOHK>H2;22e;H=HJl!EArn#IhYfnR9qvqEym!4Vc z2x6V6C6nc1H6nUfyOg+K{LXs+!~84FDf|h|kTv0Sr6ufG6i|RH1X4q!OF+U&{Jx~{ z--|0MP5?8SdH~8~MVUmWk}rl&c$p88m+L=PXcBEWnzJ1G!YvO%P*YP`1K#?w!@m1J z53)uBRu@R(ie_c=b+IYN|LrgSE8FS_?4=sH{Zo%s?^~3u;Ph&9{0)@;nWsep=139D zU23IQ16YaR4;JvBu>U*{ZXm!Q!oAF0UQxrA<-!9(`G4hq|I6155CZI#;m)rWGV-kF zd6p?3|KW$YNq|*|Kv@2kb{ZnZruW9{Ki2w>(Y)Rd@Zt{(_i|jU`c1`h0V(eH=^r^` z?eFh5ac?-TXq*thm8buI_>q9{cWW3AsQ7hSmJ}mZHl(ksyeZei{_|q!?@RIrlKv-j ztAI$Zd@sR&T9xhn0Jdz^Xaimj--vy&>;M0|xqJogh6BM2Mv(oa_8)#36&A2aBxLxY zU`Vqv6~1Fz_CF4YBZ4ahOCcI3%{R!rOlYftIR?ah3dN3;_alV`O zKTIDE0se74ABj?@YTfw`A~&I-c(dm_I2jb9#xNX zOD2sY;R4%f-H5vXD{m&7>T05chm&7Jj1be^YH@vl&5G(tQQ0161ozkCD6XaPfUFFt zK04k0jJCU6t{B2Jr?b3MkvrOdkH2`VKQ(wvWZ&+JRDQ>IB3w-<$s4A~qld{CQ-W`p z4L?-Egoii1E&sAJxe`v$?NLCOz_5=GKFwytAO}c8FBvIs1HGM{m8;47riOXZ4tVNh z^5SXlh+KsCW9mga6Tz^RhNW~?+T5tfQRmUW4ogZdyQI6;sz!EKW8JVH)w)Rm26uu3 zXYK!Kp?Cs0=Sueb{%FP-0bB_p6F&jA@@V%Jcgo$Wz1y;btj#~0t$xXhYV%~%+@QNiypm1h9mTxg-WSc*(MaKNO_LE!`ljtM{_pyIL`@8n;qDSA02yA?t zz3l%n$${_G;XIu32o}lP87Z|xa#!WMf#Qu6hwvK+Mktrorp}3~|Ncpw8=MFFy5y|} zIO9pS9>m_r^@%Y}7=j2NS-=6Zh zZx6L%X7biOUs0+j1mN4H6f<46F$I&l$%QkK2?f#G^BT@c9ggQ|RsAOah;#&t`(LFb zxI?*A-o}F+*c@m?R5x1*er8 zQntvis#vANK+m*WIAvttHY_$XVUF4^;pYoAMU}6u<=Ri>W;Yvp!bSFx{U=$|y|qV= zUp5PlS}|%l33h~d!~WTQlf`DF@F~=nKmX=rSe7$TlC=~GxaW?)z{U)>s5Xdr@G-!m z_8hSzUuL z2}u`uaB}9U(9uX=`@82G{@rylDEctuNJH^d$nChke9c>VHK$!n=f`dukInWvt7X^& zolu9Oh9Ua+g&Q7!@8TsSt0M@R)dZY;XUK;NEUqOwU)DXmV9(}tHO zPAW>JQNprakEhvIBdS7txi<>>W35+@$Q9#k)fc(NP5svEK#hpTAK9vC01e007xDYG zY^0|8;5S38ITMk$k>6QGN_WPduO|w%K67Z63*`ZrSmF%Wl8Z_8_DV?Bm$Z*t|+ z+vF5QGgfMB$=$E&A6}m^;WA6L`#Uy_zW0FYrZ87u@2fsemKyos3X~UJ@6Y$rt5o?` zYd?zY+s0L$72w;CsiFvVXbj0-7TVvDHQl#r?5;fT`OOaYiRnnUA*zc~T0Ps&Lx`9j zBB%YSSCK@tqQXY9rA&H?84P1{lU=KnNI)?Qm@I(^e-@3i3Z zbo#^zf(R#Tkt1R8_mmpK&4F$33s%*Iq}h3S-^a`8BmAA_8e0}nx}3z$=d>n^*mD1T zLuF!nQi79V_})`R0_RXho+-%uH5li&UF8 z3qYcVYxzGx$zRt$e4Mxse;%(`DMDkfo=(jY%1z@(A}u0qS0$mPSI!F__q*L(xg^E1 zGj>_CU5UPlUi;=|N4B$sJh;8^agq>1zeluh7`{cRwblUYdGzJaT^v>P5x&i0Zk!9L zLk85ZK_1kY%gH#)%=SxF1U*(L?#iz?_P=8%CBVE1?ElVzm4YLfC-NrVe8`$f(k`87{^T7|k-}*i;pqRJFJzcAbO0e#3v8=kO5yYnkGwOm33zchaBLaS6M z5_;~AA~nH(j(!pZL)iI}tw;J|m`CBf(z%nazFgRjC{U7i9Adpb-P96XlhP!Q>2`N4 zK-KZMr*Z(3cQPcmC}TOLv?6!#_>y+iGC&6BAg6i8fhFH}RLXz9jJH0c3=;k@ftyUu z<%0&_YHQf3Y0qy+?{w|G>xXy=@u| z9ArYbytUSY$K%&$@Gx|;Qb?X^{l}=5nEzX8`4gNhUwcQB;&pv0w{w{MmujhYPkSa0 zzK_ED+(EK}!3i<8_;^P<9bcAc`klSosXw`xyyAE`K6^tCt(&Kw+1^77MP_Ud1|#SU zIiC~pd5CZ2I={RC+V^+#oudZzx&|RsCL`xqtZt^(Cb$GUK^|_x3SaIzwQ(r-!^b))d`!T{ouBb6WQJv^u zXNN$Vc*=D_`LMc|&BMqSo4qIPAeV zHJcTd7f#0&2)YRuI9V+#u9mam-hI5I;j}G995u@~OSzhCHA`|@W6+Ogo$`yO51l!A z4xl_A;--qsLo|b^)}w@PAr|p?f|3k7Tbq;85q+=@(T|i77`fYGv>?yOlP-lYPrn}~ zE67O;^xs=goioC1x;j*3=HvQ66LlVXfH&Zgp?-vd6TMKO={AH(usN%w!`sMRB_e!# zv$ZIff*c*VDG@0XISDiQlm5%Duy8wElu9Mq7T6b0zr^DecLF zi^ITsF4jeaIOam3RElQj9dtq=UwFLv6;_1g6?28FZ6dAcKs1xjRfH?ZgQ2%WSj_Sv z9$W{4334t_fk%hYPto|J>w-m2eWjeF_I^<43auPwu%Im#%V>!l6NZ$1n)=yavuBC@ zUlvFT#;lRe^nc+c>-*75ifMVeUn27a-f?3`XoKNmyzWZrnr^S}vNqb&8h;LA`h_XW ztInQ0li@TcXLg#fa!IrqJ0`Zt2FjiE;lcTP6)3tKCGnA!Qwl>-UTOe-?|fmFwGX1GKLCJEgydd!s~PgKITn1&8SLk=a59Ca>H(xXBRosg z=pd!>p-FQvKhhm^bF%NwST^(DITQ;Sr!7&c7V9NZwvFusFsWZ~7si(vw-pH6$#i__ z!Hjk`$L{Xs5^rt_g?@L%tnMB`HZGd&sEBUd`OKLpa)TKd ze`GE=Zj4B|mlDuV3DTPVR%-=Vzg`$Dgf;C0Yf9&$KHjayzQ#h0oS1gCW6m+Rw>%Z1 zCGKsijb$}5?#aM?dC=v->QQ_qyt5}a^auUr;!ZCE{T-K!~QCO6$AMSz+5YSyB z9@;Jm$cC9m(;pbl-2*f5hneYvA*`-$#ds1O0+BJoP@nEVQW^2N+o{XQW)ApT6p)_C zjr~fhS{~y^n(&&#gie@^AzMPr{pOeMm9c=&AJR>1z`fgU*U!MQ&r61Cg{=h z2!s3WcEcC8tub|l$5p?93=($a8T2cEq)>lzIQZ#qePBQk^7Q@joXC&cpS@WQDwCp|5ro1K|HHr9W zlLp#T5g-USX6P4cK3uteFs^TRkmG86gr3uRisb_p+s%99=-4oe@Q`%Iv#dgG93eGQ zrI5HjLFOEtXjhja>>!xr59iXPvi=dZ>-hA<1~d7o)^-ogb93fq64G()Zelp43@x8O6+zdQ z?m-x&J(vGJ%OP8r@qeoKytmiOExix|JGluf4R9Vu((fkz(Z$fnJo=>pTRZPlTvDB` zI0meJ281p`qd4=oz0AIE!4M9dOv>ujq4FXs(YRVsX{Eh{TE}KMs8!$-KOEyt2(++G z-GAXr9-Zv89xR3qBEMcKHkHL+yH2lI!JAWMs`vUZVMZ~v6jsnnzEt{zx8)80Y@bFo>$%eBwNx6|R;vN#k4ytt$Wt!DdVzB2xu6uX9o617V}!?R-UR5* z3p=6Ll+STBjo1Cph;}V3?g>1a(gNwGE@NPzA(%sU(DcKCVy3-@2#zN-%SI1uvV^)j zU6p}8g_Tv{NcNK{j>_)WtH%L|DSR&C1SyuV74G&nPh#@Xa5--nBkziNht416G#04y zJFNJi?3-;*I5VS4!YK_HGIOp;R*maaE4V*jK}ZQGM@Zw404$DydR`0@d9FB=+h+mY zaXT8`GH6cbEPyXMC)$|08sO0(T`y>-cQ{jKoA6maqeE9wR5z`nw-@y)`BY>wNMCZk zC|L+^H5JiQidl&b6;{%{(1xJKq&_iZ zPWO3A2>&~{c~{$A=ok)p&D@es4d=IuO>U3Z6Q_lSr)t_qUq-!|e505avd}`z?;$?0 zik%FP(hbN=&R>)|+6}O($^w(fc{ie|EyG#)1U~0_sXug;XLop1IV(%okVfEQD@BJT=+9#Rf56xaOrgk7${YyZ`^5>RU(Xp*ngjP}3_E&_15%$_7cM67WUoh+L1)6Y?11f5QKiGd=FkEb zU%W7Jb8avuw9M(+ko{gOJPx$CN>G*`^C@T9O=?uIMv5f)buG~*CC0^H(h=fl@&&x7 z3n<|o1pIkSx?{2i3;@Jp5Z}SJfJx}6MS}cTC#ofHmc-N|Um_)bOw}iHuYYost z{^eFL4%6}>xKTqIQV1Kq!e-Q0YQq*SL2N>7bLj8iEeWPTgRDrFxtvh5Hr{D0O>j|yRtStkqZNYpnLQpwi+Jt5>8L%oS#zm(GQFE^OS z>R;+j%c0DpyD*g+OI=4+h{K_?D*at7ha~eko_FrJf|?lPoO2N)H0ckJF%8Bf$yDzy zVKWe~rqG5k$3$wB@uy)9mf=5y@kjlCoY%b6)+{3q zgP$QWH{D2^q#Do=($6Y?ayqs|6`-UbQZK)-*;SJ=FU4Haj&%P5XxtDGH5H4br*Q~+ zbd4%w{lOX0c%V6Dj4BkXR#&MS4fygJbZl-AviUDvk}b)Gv!BW4l%6bXbM@j$WVFy} zW1fcS$OQ5zzb4PKDUIKZ2~k{J3+dKF;09t~Yo4WuQbAeYVg@9&yy~JYBJ=}LMA180mqpaaEo6*Z*Yzxn5`6xX=}QqdDx18 z^r$eJom{L7+hYZ$%msSCyF*VkI_wB05(!RU$N_U;YgX?Bhsi+2#F*GVtT@s^Gj`W zg=DC45F+BFaog>`4PgmWe^MGqP+urA((8E0l`&J&q)QBjL~v}iSj*cQP;Q_zD3ROu zJf7eBO2Z5Bi(|^xz1w@LQvH7VE^o~2EpxZ)**9+=;%-S^ef8>in;;OP9%iG z{&IgZ^C;UxNRc>4uB7lSqi5CP&!rcfxDq8iFz^URxWj(scal{IRLl#lbviNTd0>Bx zSHL&QXIh3AphpY(Vj!3z)$Ae77bK(ptRQ3?1A8mS7LHkqk?~&{zl~t9N|nE3FG&iq zK?d}GaBxUEg8fq=#_Y-#m#i~lL&7?9rnJIX!m{Ef`uRY5GBK>#&-|^RGoFMx<}F)(w#G^5vTtEj)d|Nza}u{C zpk7>h7{84;EERw5G!N9Yn{JpJ)Zrz#JwX!c+ER1uk8w-xgvlFw>|&A~_iz;T)h@Y5 zpP<&Fb&)?Lp)QDiOp;Q_)N${1MG1++Vw*?Q{XzK#A6&4W|)PJ?vZXyOGQA9D;~)nc^P)PjU3K4w)2?+ zvZW!zcW}e;B{b)%SNJcEhe^8Geft1}rjIj4~gve>FZyPU&((ncp#Ol_25KcwS zm`Pl~e4FhvlRAGmlxxsenxcW~eC`ofDOtS`zcrC;;NqLMy*C%J&TX&26EUu<0c~qi z5U#R`US%mg{snp%$(r{@cmzXV%LIw&ZuV%s0>`EmX8g?#liX}Xia+8;*NWWD0quDM z;hf&f<+k#q=o<>g@o|`W!cb^!u_w)=UepKvyejeerL{nDCaJjR66Yt-B-hxDMY`C* z1XS|H%!DDMc+^lQbEVtq7*WvDq*pIj1yDDjr5b^OF<6+6MPJ2!Pm5JL9ggY6S7cP;L0uL2Z z^ivnxIb|YW$F{$Q-xy{`1eJvsA+32=)Ged&CacoWz>F0t(T`pT!(4MNII|W({WH@m z#AEtC%~*p4Ocg2k7rqj#cN04aGBK$H@TzHPPmAR7@@UILstO3GcdNLwuNJD!VTXR$ zQB27gjfTw7+-H5eo{D4o&e-a*D_*~&3>Q!s%gtzdv#l0`dxb`;U)gPSgiiJIP)E0o z>MtkBus=BJuSA)k5DU;sAYE#C$BTqgF z+TQm~9ITMEU9fkw$sp;UqLTYfTwKMiW2o2xD*PS0qn9BNnyqE!G{mR8QeB2p$(BbO zZ{n;*3NFj*LCHG( z=4)Hv9ex*YlI`ee3P%JUS{5^>7a`8nf?B!;hG0$>9ys;tG9Q_tBttoghrgJ?@0@h>)>Hnx!`YsHQO-m zh}c7bkkD`RD4X`oAmdizPK6hB(?Pu;$7I?3P2&%;u!zDnPOR=16xsG*KWJc?4J=&m ztU^rqW~ZKEcb~^lEnq|k&p)(^u0DDI1jCrG#05Oq7%42CGUQrpn+oKH&?{lw2F=P| z(RHTi9L*PRS52-oHu`XVS~ZRee$P9u-IJ(g6k|D2jJN?jzp2Y#E~pBo14UEp!r~{? zXoA+V>yggRX?d`gE&a!J6)v zdFxa3R)^g&?^TKMa~}Qex~J{%^=LW{{PmTS>LL;f-!_9AivNQ{Pu$GNtHk6-E2Z(H zFIJNjXA-#$Dd`S~`vwpxErZT(gMWn9mMn~zgpa#|5p)NMrrABQL}h+1BcuiTpa)C$ z9#BVtVuY0$$Ht?+8eq{d?v__IAVwWy+n;{2)!}4!?P28U2ti|iyT6xJ+LM_^Vi4g+ z3@Hpn#mlGUyS+b93VP&BI^3c*6G|0k>SeiK*2Pz7C|jyLwkRjlM?LmA*}v@`d>U7( zyd3fHYBDIab@PumaY`nG(}^I_+0fw{k1bul18dSH2)YSF7oD@uEN#WTC`dgTZLWK=1OB#P=;X zR4b{K&6AGatL&rfrC|k;tFP&zS=HSb&Tv<~4jE;$W|i~Y^93Pny+ zJKJ*M&ph^dBYH!FD&ldsOh1%PA2;#@_-Jt|3HZ_rDiFzS*Gpx9?m9S%U4Uu!9a+%6 z^O;=&9its2gI|P8&wVq#2ZxmwvFI5VMZAmxmVgdK+C~GOyimnxycTBLrYv|zqoe*p z?Nv2(5g|j;Nbmi`mG#b}+*01ERoMZ)$!I0fiek2hD>;4IQ;nq8iHP^oU+Z1C`|s$} z74lF9dP}J_X&R)UXwSUwZ8MjTg$&ig96@_(bO(VKu4vsKD|_{B6FV5=^;7R2%2h>% z=T6zWxss+w@KNnI^#l-WGAOFNsn-6Wl$^wwOWf?l{Nj^Y(tu`#Z`2oR$oeeHl2NZ| zrqOyPHJ-8p=ivn@DJ*C4Mivqz@pI77hyNRP{rE-&Me+PqzQ6$Eba(1e#Y5WvYU?Xt z>WI2^ao2+#+})wLyB*x!rMSDhyBBu~#oda#YmtK%D^82srM`yWYrqbLucZyGNS|(2k%*B1dX*};KoW4TFsLR-`$0wlH&S1 zRN{zP_~3I$6UD4#yOCM)r4mGNQV9m~&zpJNGu|2kh2Eaw=F-}Og3R6&ab09T039l$ zYvASkxZJ4%AYsdJxV}d8niiWp*50Hb6bgFWjQ-?YJu0jMX-;bk;Obt9bN0N?B4E+g z?YzT$-%NV6dJF1BxXCN#svbD_Plf5k=m74k%XVAohK`5sVm|=?ZVtS>f(C_ zmf=Nv#U^z!l+U>Rf-buB6Y8>=IHkHd#;z{e>DbIEzj=9r*3N;hlN%s2n4FByL-%>xtoU;(Wd`}@QTCC&az+fHnJBldqwJdeF zo5P5w>2p!;fqP)&if#HS)J=f2G|r@9RCiX6DkLJG%iV8mX2AE=-6pzojP9&h<5s-h zzhhm;WA0)HMf?$8ic3P9C6psJhgl@IjhH1T!$_&z0Xrlb~p%6$|fp*tjGC%WZi z`AY;v7cB=wL8F_txWJJz=+yN)`rE*^I97NM3xO2Pq z53O{vJd#LmdS-))skO&(~0g!wq66C>J00Lhtc9&tyWJ7GBTLJAoO4^<@azD~Z{6;8@Bz$QRkv zN7(fo2B5Gkr(@3q`vNHxw>}94G{y5bo6wj;O#(iXpk{V6t(}^< z9XYUBmvQ!H~Zo~##+1X)8lO~dJCa{B;6$6H6qc_B}wpy{g z4ErOC+{!&&kavrz0zr*Ij3$PcF&1)KD*QERF26*xycjZdw7+2Aytlu$gN6*(JcSv5 zhx~mj$7^FBoH2KD9q9dgROkRp0Ayd$ytl^@4m zZ*u~Vx>&@O_jza?Z!91a9)#FQI&lOo^+x%~bGr+%D+oo!I+w%xUswS1Dho^Kb}%?l z@9t}w`Hj-~sUx!I&1mw>pDCCE1S%yYm%G%yNze?zEOm0=+Ok1B!RnT^oNN9l({*iz z=Ur9X?W@4Iegq%4Z*GN@8&`Q-6ZXj)`%wt%VlC$0OEH4Q@v5w9chfrs z4s#nFpbHW`8aG<#(o@3Z4-4n&*-yivxk3G-=GiSLB#VF;(s2`704vgW3vBH{2S#AZ z4NX`JA?~t1>y`Ja+3dkD8C=+2px!#(E{MpcEqOO{IKoNJVEG>L>@o zDQjrKBn}%kd>O3xD#e{x0`Z#0lX(1%MVNJXTZJj!1A|jNqCfthno}Nxc86TzhIKS9 zOp2IQ%GT*Ht(G)`(AmB0z=ez>HmKdP5+d0Kh!^CPr<94W_x*rZz^IPkM50h290dd0 zBU+2B$v#|YS(YsM zY*3Htz=YW{Q-WxmV#x`Sx7jt<7NTh;yL9HO;l*jn&Az}P@CubI{x`fqm`>8wyFk~s zU*(5(HK~8lWoAZA_m zR5ZsRGgqn!$E-KupMksrXt4Krm9g0qy?zxPsUX1@cAvM>4m8^X2g8B-B+*rDy(rtN zl|?84cW*Nd=hVh>7*)ny%mNs)TTEwzQ5D`wCkkW`>@})ndT0(~o}doq{_BS*LRmHj zQ3@2RBmxxXs}G?@fE<4)r^di6=FELqRFZ^1t4N(kXXu?d6;$irvo#!COf;IZMcBAY zy@>JAFEDke1JT}wTot{TCEK|zD^%%-tK0>fUlVkZBg4e*@6Kpu^CJT)rcBiz3ptTB z8en5@^jOIq%fy7ul=?;C_4B;@>{uO~CXLy?CTh21k?@#XmR}|Pq@?DcnvuVyLdQLk z1aPVrAdfyeBgFB7JEQS_pi4Q=+_fimym)P9&r&D1EPFiEWk%Nx#z4laY@Q?Qch*68Z_in#;bg4xW2A%U429&L@go2%_E&|vc zbxefP^>;xCK;|M@8`K0}w(qDvo>-H<8S61{{*39 zKk6=j%PcpMERJXKI@smMkFSDoK#Y7t8-5Ue@$6I;r)G!=_3I&yU>kgFPXk&w=na1+ zp~c3(3Ia=Qs>Tii&E4g_$};`vAfYRh}>7qr$BJt)F4 zTSgljU)e4z#)}lnP0i_w06EOL>!S46Um^&vHR$}IF`wx4PS%Ff_EU?QsYE0P*=eNl zw<_tI)*Z8QkkhgpgJ2))+f-IL4%{hXjPTr{E7h_K6heAf9$zcSl%a8`D0llvp-yIjF& zYs?jX0jIsUWi~T9OujOQmS~``o>+N4AU- z0>Q>VyR+n&`k!ewF-4MX%vKjrF{=1Q^)qF?)VJZGH#dX7(nn(O?6ekb`jzPe)XANq z6pqVD)OOT$I1D!ETGPer{4zA=oj_bq> zW<3yw(X!C;ZsglTP0Kz$J~6$?BdTF9Rh1pD-Le=i?0pF1-YTZGx*0c21gC zOI~3f290}SL3*ArT`Fke*ztzDU_u}mE=Mj|cLksrUkQ$~-awcpGMon}QqD0CbpYrz zpsbPe(0KYOfARQwE1VJz=UTjsKLxTi5Fk|C@FX!Q%lA;j(p&X2IjXUmUhdq#Kl-5U zE1(aSmNhXn1p7)4_(;mLkL8B}XH+CD=`&zTXBpEfKiN&ARwWStnv`7RknnO89TM_| zWl|7(234FET;kb2|MlhX3$<{*YD#&6@Y2u3C*{R%*E_?0jumq)!kXaG+dt|3XE2~H z!DC-XnOkR!AmqcWDX&wd36>&LE{E4VD?aRc)cej^`5La{x-Hbq5;I+Ix-T2Wtl}i` z2XgqCVoA(gxDm_}W@Yn)iOh=nxQC-e)M1kR@crB4Q zqzuv7oXqBnt%`9XMFZG4Zssw^wZrZ%>Wr+J#;4f7Bjk-W98eKz?d!%t8$;DMJpG+p zFuF#$ryfiyyn-!QRsKNR#bOU-1d^CZzub$~6JG6p8e}$9L~Y<<4{1QtDT$tjYPR7Z z#AoJR&Zf!TpuBSm(pf!;JX4-xmj*uWV8rt-arqUuMgQys#POSt7=?GU#9h$DM&p^2 zJoWgAhhQq1#L9^9dg@f3Dbgv~I5=Y|aP%Z~v;~^{Qy?dbYSP*`0JifG#EJYkh^IA0 z{j#lHVndAU#^Eg0K>GMSyvnd4BGx z^RQ>T;le_P^4pCuBZ|@c0rwUk#rjthI)7nUWYJoVux)c)XSem0&JQnDpu;Q`3J*2bQ&DUc+JZRj78Q>0QB+% z1X`%of?XSH-P1Dm9b8%`O0^}v^Q0cXOp0PG3XWmKzSOjH2WHwP+$-2ssxr9m-%VGh zkTPf4J2><)j>|+tKOGlH8rXeB{isGNJhM^91@p#QuyQD3aq$`gpYuZaV=m2`q<$zMik%Rz zpEzueVnGtsyt%}eBjBARErvO1jufx_E&(aStAT6>I z?MCw5i+4W330OB=xNCo+2o3Zt#1lk>=l(`*PGA>=t8L7*$FFP#dCUuTq4IQHfyUv$ zN!jQ<1b1`G+bAizIX5IX)E$@oLzis0-aNk^4~K0G+`N2Q4y{PgB1=c?kP% zJhfpQfYfooli!S0_aUAH-$;<<{OR;b9G#4TNOvxdWhu`b$fFn9QKfU!w6;eZF&k)3 zKlX*_Sx5*&HWy-S(=tTA>(<${G7cWkZT0Ta!ZBhC4X+kAI^ufrRp*gzcwsC%2knXC zB9yUT93hrzUhanpzL9u6Yqn732W zWZh|2-g=+m5zD^=RbKW>2$}5IucH=Ch!5PPI*r$CVZEntc#KBwLKfsM6{%LiZ9$&X zlDlKVZs+#l$s-^?Cf0s?wc)rJ1f2s1s20l<0A4k>Y#t{DlrBCl+URhj%0yYaf?4bZbgp2cbU6=W;YCgmIFL0foz7KW$ib zGv=Mp6)j~6g~MSuQB)V5p$j<>mT8IPg582H-uX8!DswU-doKG{IM)I%@60c3;i$(I zVQ``?e?{6<(lk-7u4f+yDU3SX?Npi%sZsUPm9jW7#=}^F?hjqRcE4tpu5k{8sfeJ$ z`_mx5so~r}Ly^u%$eP{FTRFr=}BCgc?sjGi}N5R5K z(vkBXU&(+B9c&8eUq{8UUE4%Y|64JxK4I$O*tMvhYye4O0(W%mPQJk~`CHzeI5~oXdmv>Goyn%7Hsqj7B)7+>sERRKfg<8a&W{ z7f}Rc4l{AN=YQ|WcE)^iepbS2=p{V33&4iDLaYFx!JN1)h)`rn}77f zuk}?g@;52AW2ezG0M zq9b@Vt@ovvxzpm@#R1=hol70!`<=UlIJ#-Ua8H4w;veGnb0aDyEl~}?1PqKn8v~<+ zS2aNMT?rdYzH~b0nL%-*&Z~|sFFP+vm2iHissQZm7;U_1 zctj%+Y*@me<@-5ZwXfmsG_tWgMgz~o4+X35GtS_$!7$he(jb>!l!2`g4tDJOQfjNV z^1C|DYqQkaS>PBbR$N1TE1Db(1t8T*y=4FTC z$mvTg9j8$$3HAcu7<*I zb{Ob=KqxN(Y?b$)wAy0Xc2-RYw|ynlW@46BGVzRcruoVA=~~941#SVQ0tPLT=*2!5 z{HG;;h}bX_D$Y&y1|J(@PmRDs?Y4f))B?bVk6-fyn?Lx`lRbfTR&hA)74Ip=Q>83@ zC>L}nXm>LbiU-?4@8&rO@T7U?%=Dp5wH{^ff1F6#4H&Zj_WNgB@%=6`LiOVxL$Km` z0M+qdCxxC9TcsK&#_N@+J)!%(e}>s-DIF7s#YaH~wLigEKaiXoOL8_2gbLKKmXWQnm5*{=X;EFb5T6W!(n=GGB zjz=UB+*n|;?+s2)IIoPpIiK;u{QTS2z>hs*h&(cqi1o>M2{3=7S=Ei<#*K4iZXO_- z*PCd0P0`bQySd|kul0qs0L2oF*$dQ#MZGNL-Ps2 zq&Lwjz*3D8iD?1DaNtvDFTOLYfMSA*F`Wd8vmHD07a9i9XuRmFclraM_DZ8+KEMl8 zP(iC!2!dLFrXkW~th2p)Y%^sNi$-kLIf;Gr^6&6%K9~86CnL8!cA|?f040LZglSN} z=zZQTBFE25tfS(EaLi3R>E`+UxMp;V9bb!hHijt;vnF)u zMb9DHFj`Zs3KtCDC`+1lEN#kK$^0sc+acwLuC+K%_8T8=sdU48=gy|=W4g)l(nYld z+06iV;KOJ{soP8B`g|V!GX{KTo+A_567l^ zl+Sf%t6HV*?>cl8I%AVXxh1F}_qUL`^j{7_RoVTYbJ(G6S)QQP%Hm6m_#{+BZ zN@dBsQ-=xrsq;KNg(+AP7<9}@9r1AdOIfVzl~JUTVklG-1IY#Qaja5@IZByj8;f*J z52q}(7FhC?6b~V=nm}GzVBw!jV*o-|#1p)NYz8XEV0~iA-*R(*b;#DcKwa(o(wWN) zJ>%B6axU6ou`-bAGSDta8YN}6pN+M0p8lO1dI2gS;#4V5|C&gZ^eTNfC}W8WnZ-Nh zj#Rm3U65q-5uoFfp=i6@ak5W#8jwmOA(f96WrI=cXMsDDH*4d>jjBspE~qsK^7O2C z*0yv=|3rsI4O3!tn(~1>^Mqn;wG()B)Il9DtTIq2UCql;FB%+NaeL1hRd3k7tWt(F zGzF}o-j~uL>a+LqI6z$Y8)R9 z%7v-ocbR6fOf2wM$LJAj|{cp{v8`Sl@W(2l3}iWIa-;*q7i+k2iVd6h0oTy8n=4!c2`_E{Pp|W#BWA}sJ};F510|#uZ`b=^T7FzSBh9KH-%J?D=J_H$?07B{%z7~B8p12a zVNL|*F0H;2KO_7|EpC*LIu`4Zk0T^gqTolyH4ksoB9hLtg6^=h_z5HPfM;vjsnRGY zQ6)YXQoy?8v?Mia0UO5_EI9wP7(mGUOGBJ1if2Hat!iPJ%EDfXhiXLD!a$0DPc{OH zYfV3yEv~hVf}8;%5rUOOSy~7$x_VxKQY!aN#ER3}w z3+b^vC2Yi$0i&^Bs5&ue8S#{<@6_L!n>#s11P`=&06Y2&>O@p<))YB52IIX(jNpy@ zFi9j(j)=93l%%2gfc zUPI;ja-YIOqDlzP20GdHySy}EvdBtW8pK)tI>;q47~><){+;423?5DM`qRns$QmRx=a^N6!=Ug^(Vn@+hE%pd zXOdKKLtP>sMX6*25*TTdLW@irC~Y>>vJ{nA5UzH}CI|)9y@Dd6Nbxde9*uW^T0LTw zPrjee_@zj>QSN2N*JP!ChH;@wVebc`yvc8X%R4_F$kP&rASkhw2B_WoUHRK|YiGE& zu-QJm*u>NGn0`X&+F37Y2(07ZRmw$fshbR=7yK*Fe^g{fSBl#qp|{&RG7NLoC+3~m z2Dv|PRctH2mI|i-Teoa79DDIOd1`_V$-~%vtjZ3!5FeISnUZDh!=rGUX(KLjFn3Kd zpjhoPW!kdG-m*M}XO*1UubZT-$OLuMaVq(AD)F}!vn@b6CNrj#bdtgtvku!Aa_-WI zwdIcFxh0Gb`-j8YCdpK!gpSMW%nO*?A1<2Bx(w`okT{1~EE0}_KAFqd%|Tnru#k2- zs&4t`7UCh#SqLp90Z@${vQfTvvmGBQQk#*;kglDKrj>E~(11cOqfUY&jX0VWoTQg* zBr`44jNoh7^!A=|xfmi2oe_@S?^{sVz z3e4wi?L~3H2b*K??Ps)d%@JxDY-}&9D6wL_&ad#39wZbMitJ^fD?wXiJ=Q=$Sf0yMtQ!;$xg7$~2HC$8;5!Dlx zNy_N!@7<=nm}6J-MaZu=-2()DMDnTT4F-{=0plp+1YtkOubW^L>r@d_-3-2z<-|b# z13dPafrYV2BO&0kmKKSIaF8+zs)jOahHn{LZf75g!b?{Cp;IsE57D6bsB_XyQ%oZ{(6`C0VC-c8 zNdOB9NB#N9E-ts@@d$a~!GQUerXgPBa89X9re8ClAt_Z7Ktiw=^ zS$S()3QM*25^#RR*wo+pe}z+Y(GiP=<{dPwqDnA#8pH-QcPxiM#pa%b`g$lva&!yL z(}ESVYU?=sz3rBNTI@#{P%@n5QU>sW$$Qf!bsPLyVZgrQ7&^4aTdlm@(c0Q{=Qf@B z@xO_tw}@i3$c-B44K5U7U7NLVglOx4D{!q7wo_UiswAjkYnPL@>xfR7xO^&!biX<} ztw8#J9f^+&NTjR9;|{g1O^C_=9WpE+f5$iIdZ5^%AR-PnyHZxJLs|npSYtx*wSHgn z-+@KBM+6aFfwplM6~i;z)gO5}oMQNB;tD#C^~slb0P9yk-)`LVIDgiYN+>v_i7JYwRs0x18*rSiO(xehMOXT_`M`Mo-N;wSeKR zhWP20r|#dfz;f`t;mRVxI<|g#dBv^|zaXXFo(`w;{xosb5^&?p4BggGvtJ>C>$hu0 zZWcEiiDL8T?SdQItulN|d&W(g%p%*6R5d!P7@m<^_78?uMfJ3=BI-$oSea2p=DW>i_8qv1uungAcfM3JTA zw6t=3Sx5R~zwRH%{fDFtj+wyfhn|>z>b6`N-9^SWgghQ#rdXpjV3|cViP#GM_lT?w zV_Z}vsndK@)WRg^?{er);uOzC5Z&dBZR0ga%?Qlr^^o_x6lSn2CrY{rAPqC*ByQ(% zP$R_`{D#jXZ`FbvCQHaJt$m_}+EN+ZVk@f#C?{ ziZP4~;7YMU!D0OoF}ymkDJ7;qk!_LcL1>S7pZM-}TD zN3$J`cO6O>O4N@W9kX%ewHFfL*f0apH23_@5g!$xgyt7?zu|Xrr~mWrjXPcBjzX>= z|GngHHD3Ky%zDrIL-+eV-0F57FAvOJ)o<4;AvRh=55+&W4GH&>qudB5oxrWBHf5$KZ2C$Ea(d(@eexAPb!<&l@n z$oxfVmIsxcZx~s@kGsv-7YB-rMCdeWO>#^wg~_cz@#$|zlp)P@>&lBrr8$frG< zx{C+(Jhq}_C&H*S8G5T!Iv4$RG$OXti4uD=zmsi95k?R$QJvc`FU6j%Xo|JySk=8= z+CgN=v;7itsG^tbT*X>iUd(E7>?LK8OP8)lj+z<(q~zaOYFXBxho$<-;gWil5H*mo zPGJvhE#E!*m{TuLaMqOp7t}r8D|bdosdMz-URRZp^F5Wsx%xv&DCs;!yP`K?3%sCt^5zID3O0p^C(BR@6;zr?o*^*@pU4 z$rdFeGW!e}ZR)0J`ng~GPP?tIe2^j6|1t#xzO7KWeS0I5r^kX-C{WnL`jcB|Pl3Co zmFSTMax4gTvbDc{ChC02=aSv&YUI6lI1W5!&U@QdoA$g?HVGNg1tDcySXJbB5o8IB zjU7UJx+kGTh~LTF>axj1uliB4 zHA(F|@uPlwdJ`Q|mU{LoZhb>@G>IxeKK0b|pKqeLO(y>8XI;O;4vnE;6O36aZ;Ns% zH!A$v(?o-gAEad{ITy?67jU_c08B;yl=V+6nNdwHsndc6H2Gj5hHB!hx1Fb7 zOc2th!1N|k*^pZe)eyH~TyyA#mVsxx0Cqny>@JcDiCS=#SPy3n*m33l-55(X zAoB9@n?@Oh5kiky6_!e%`z@DxyR;OdefyzOIPKcwzqr}LQ_IZJ8OLc){DGft?Nf?4 zns-;9AsV`Q(TZV2gL+=1a^F87BZ4j1>vH#8Wm>Ie=#b*oyi{*o&B7)k4L>q4-eCRX zP$E4cz9ejJZkElDZ2iY)F!!?Z@5+ys%z0FCfvmGBQHfg&{$`olkmxEX()Z`JY-2x3 z;=gwlbqwbqOK2ela!zL$-W|&?OLu(!V3w!QInjUH6j|Qjt*1xP*2;6ZT|g(1rcUSSgAvgK;Pem5v5N(7pmNFn z5|aGrxax1MBtXNuLJh`wnI>I%!WxUAdd8LCmpXoY!E$zmz#C|V4pcKPz|ZwJ`Mvyh zo$um?*$hI}m(Y2wS7I29)%|eDjwqE;;iRg-CpuRv5P)BLxuf$KUqj^yozg>OiYn%t z0t*ZHn!5@dc8-}mPj=lS0pS>F5Pla^vNFyzt`hr+{Ar7I@IRLI`+3^yL0a2nznmja!8YAMW^oVmxClH3UueK}^|PBG3{crU zq+@XeZvPHqCuymM8&@+NrPQcs*e}^jNbQ*G?kmQW>lXZVl6Q`x{2Y9n6KY08xQ3U* zm8%$QO93iz+SITWw(I+vReP-%i@0#z)5WlM?x-<1iyUv~!&5)S6SY8l%Wtto0OaJk z8Ip@(mMvl2qS$p$8i^NHl-=B|UkGiL|6=_9@LqFNsp4pUFEb@m!Wuc#ssNIrgU^5J z;EPa-HADP()XsW(W7Rg7mRoPK(Hj*uam)Mxor#^LDm^s&I`k$K8573epdpD>MD*k* zQqvS$X)5@|XedmX(F$ZU{E8NCioF1%v;FoB%s9=?M$k#vdvCRQc9}aQqn`Vm@Zgr& zMI7qA0`Z+?kj~3)a7YC)mFeG0*+{%utf=tisisQw#VH{tyy|xaCo!7yj=-<&bz}4@ z%El4>hnmrc*y5JAVIM|qD=?(Q=ZzEmu_x0J;%-|?Fg6mf%em|5uJbQ*0pL~Z%sFF_ zeP3G}#+=n6>2<+u-nrCKZ@c!cuqB9am2YRHc60l~fPF_OF#cjn^Zg>?aQsXvNP^e3 z77;zIV(G#gfp2LQ1qbf3Az%M4SoFR8w5J94DJ}At5unsP2owExwZW9vW){#bkUS?(l{6?3N}lw(OiLT>MvALY0B_BTbxWn=}D63|%) zv&23@o|&LKV=7h=#oy1$78UIueTd`(sUPk?+?rktZ=GBZh>eoIXjSZgbrHk$zun@B zd~h3mf|%qmyiYk)X*`;)uNAELR1aGfPFK=0%NcEE;5_TfFK|fSzRU2mzpq-cR~~>Q zT627wGln_+H#^g}sBKHX>O7+j)BD!Q`CXDebx;J-7gneqLC^1-jj^8cX?w3lNvz2T z$Ib0j9HQd)%^x$Gtfx`<^)i_s)iCqu%p3dzSU7gfPo>u~{ld-iZvCXS*ze04Gm1#0 zWoU{plA{01)Ix&m@jEnlRfxk7qJ#ghiP{1X^iJJu3t)*e5Tg72G3Oy1`()3q{(CqW zVHz={C_{J-5hkGe(}5F4L;Q5QdNm~Wzuf=d9wxt^bFSY9$G%N$-eL^Jb%n|9+G^Aa zs^Tio=zY_&z+Pbc{9x;T7p3sW zW@(_v<(b>-Y|h}}OLSs@bHx$+)4Tfvi>@ZfY!Mj~0}?aa3u;a<_}hcfGATCXe>$!e zi<&InvCRUm(uK2KVboMp_z#s*(PUxF5Kg)hAOX9^T*1iK6H9e*!3Z$l`mwq)89zf~ zl@aW9lxHjm2ATavx3lu}w6Yq((iB1NxCL<@r{EI21_j{zz<;oLz)+Au{g+kClX=b` z2`QoOhU$-A3MC=?m|zdT{kv>7f=>#T1ciFdwv7GH!T;4r1k9u4mC_nTG5_~D{(Brl z5GpqWd7E#Et!U1mC#6If1;5TBcz Ml#*nfxJl^$0dp-a&;S4c From dafc26d01d3e755b9fa860738d646d4e3a14950b Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Thu, 9 Sep 2021 17:23:32 +0800 Subject: [PATCH 031/103] Update deepspeech_architecture.md --- doc/src/deepspeech_architecture.md | 41 ++++++++++++++++++++++-------- 1 file changed, 30 insertions(+), 11 deletions(-) diff --git a/doc/src/deepspeech_architecture.md b/doc/src/deepspeech_architecture.md index 5ef730fda..d68ad4698 100644 --- a/doc/src/deepspeech_architecture.md +++ b/doc/src/deepspeech_architecture.md @@ -8,6 +8,7 @@ To illustrate the model implementation clearly, 3 parts are described in detail. - Data Preparation - Encoder - Decoder + In addition, the training process and the testing process are also introduced. The arcitecture of the model is shown in Fig.1. @@ -58,17 +59,13 @@ python3 ../../../utils/compute_mean_std.py \ #### Feature Extraction For feature extraction, three methods are implemented, which are linear (FFT without using filter bank), fbank and mfcc. Currently, the released deepspeech2 online model use the linear feature extraction method. - ``` The code for feature extraction vi deepspeech/frontend/featurizer/audio_featurizer.py ``` ### Encoder -The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. +The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. Adding one fully connected (fc) layer after rnn layer is optional, if the number of rnn layers is less than 5, adding one fc layer after rnn layers is recommand. ### Decoder To got the character possibilities of each frame, the feature represention of each frame output from the backbone are input into a projection layer which is implemented as a dense layer to do projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. @@ -77,7 +74,7 @@ To got the character possibilities of each frame, the feature represention of ea Using the command below, you can train the deepspeech2 online model. ``` cd examples/aishell/s0 - bash run.sh --stage 0 --stop_stage 2 + bash run.sh --stage 0 --stop_stage 2 --model_type online --conf_path conf/deepspeech2_online.yaml ``` The detail commands are: ``` @@ -88,9 +85,9 @@ source path.sh gpus=2,3,5,7 stage=0 stop_stage=5 -conf_path=conf/deepspeech2_online.yaml +conf_path=conf/deepspeech2_online.yaml # conf/deepspeech2.yaml | conf/deepspeech2_online.yaml avg_num=1 -model_type=online +model_type=online # online | offline source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; @@ -118,15 +115,16 @@ By using the command above, the training process can be started. There are 5 sta ## Testing Process Using the command below, you can test the deepspeech2 online model. ``` - bash run.sh --stage 3 --stop_stage 5 + bash run.sh --stage 3 --stop_stage 5 --model_type online --conf_path conf/deepspeech2_online.yaml ``` The detail commands are: ``` conf_path=conf/deepspeech2_online.yaml avg_num=1 model_type=online - -if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then +avg_ckpt=avg_${avg_num} + + if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then # test ckpt avg_n CUDA_VISIBLE_DEVICES=2 ./local/test.sh ${conf_path} exp/${ckpt}/checkpoints/${avg_ckpt} ${model_type}|| exit -1 fi @@ -146,3 +144,24 @@ After the training process, we use stage 3,4,5 for testing process. The stage 3 ## No Streaming The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers. The arcitecture of the model is shown in Fig.2. +

+ +
Fig.2 The Arcitecture of deepspeech2 offline model +

+ +For data preparation, decoder, the deepspeech2 offline model is same with the deepspeech2 online model. +The training process and testing process of deepspeech2 offline model is very similary to deepspeech2 online model. +Only some changes should be noticed. + +For training and testing, the "model_type" and the "conf_path" must be set. + ``` + # Training offline + cd examples/aishell/s0 + bash run.sh --stage 0 --stop_stage 2 --model_type offline --conf_path conf/deepspeech2.yaml +``` + + ``` + # Testing offline + cd examples/aishell/s0 + bash run.sh --stage 3 --stop_stage 5 --model_type offline --conf_path conf/deepspeech2.yaml +``` From 21b098f2e486bcb762c2925c4f890cb74bea11b6 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Thu, 9 Sep 2021 17:35:47 +0800 Subject: [PATCH 032/103] Update deepspeech_architecture.md --- doc/src/deepspeech_architecture.md | 42 ++++++++++++++++++++++-------- 1 file changed, 31 insertions(+), 11 deletions(-) diff --git a/doc/src/deepspeech_architecture.md b/doc/src/deepspeech_architecture.md index d68ad4698..8b281ff82 100644 --- a/doc/src/deepspeech_architecture.md +++ b/doc/src/deepspeech_architecture.md @@ -66,10 +66,19 @@ python3 ../../../utils/compute_mean_std.py \ ### Encoder The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. Adding one fully connected (fc) layer after rnn layer is optional, if the number of rnn layers is less than 5, adding one fc layer after rnn layers is recommand. - +The code of Encoder is in: +``` +vi deepspeech/models/ds2_online/deepspeech2.py +``` + ### Decoder To got the character possibilities of each frame, the feature represention of each frame output from the backbone are input into a projection layer which is implemented as a dense layer to do projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. - +The code of Encoder is in: +``` +vi deepspeech/models/ds2_online/deepspeech2.py +vi deepspeech/modules/ctc.py +``` + ## Training Process Using the command below, you can train the deepspeech2 online model. ``` @@ -143,25 +152,36 @@ After the training process, we use stage 3,4,5 for testing process. The stage 3 ## No Streaming -The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers. The arcitecture of the model is shown in Fig.2. +The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers and the fc layer is not used. + +The arcitecture of the model is shown in Fig.2.


Fig.2 The Arcitecture of deepspeech2 offline model

+ + For data preparation, decoder, the deepspeech2 offline model is same with the deepspeech2 online model. + + The code of encoder and decoder for deepspeech2 offline model is in: +``` +vi deepspeech/models/ds2/deepspeech2.py +``` + The training process and testing process of deepspeech2 offline model is very similary to deepspeech2 online model. Only some changes should be noticed. For training and testing, the "model_type" and the "conf_path" must be set. ``` - # Training offline - cd examples/aishell/s0 - bash run.sh --stage 0 --stop_stage 2 --model_type offline --conf_path conf/deepspeech2.yaml +# Training offline +cd examples/aishell/s0 +bash run.sh --stage 0 --stop_stage 2 --model_type offline --conf_path conf/deepspeech2.yaml ``` - - ``` - # Testing offline - cd examples/aishell/s0 - bash run.sh --stage 3 --stop_stage 5 --model_type offline --conf_path conf/deepspeech2.yaml ``` +# Testing offline +cd examples/aishell/s0 +bash run.sh --stage 3 --stop_stage 5 --model_type offline --conf_path conf/deepspeech2.yaml +``` + + From ca94e366a93963079827fedb6a69a3583bf6e429 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Thu, 9 Sep 2021 18:58:10 +0800 Subject: [PATCH 033/103] Update deepspeech_architecture.md --- doc/src/deepspeech_architecture.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/doc/src/deepspeech_architecture.md b/doc/src/deepspeech_architecture.md index 8b281ff82..dfa60790f 100644 --- a/doc/src/deepspeech_architecture.md +++ b/doc/src/deepspeech_architecture.md @@ -151,7 +151,7 @@ fi After the training process, we use stage 3,4,5 for testing process. The stage 3 is for testing the model generated in the stage 2 and provided the CER index of the test set. The stage 4 is for transforming the model from dynamic graph to static graph by using "paddle.jit" library. The stage 5 is for testing the model in static graph. -## No Streaming +## Non-Streaming The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers and the fc layer is not used. The arcitecture of the model is shown in Fig.2. From 65e666378d4690fcfe324dee2dee7155f728bbf7 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 9 Sep 2021 11:05:07 +0000 Subject: [PATCH 035/103] add timer info --- deepspeech/training/gradclip.py | 12 ++--- deepspeech/training/timer.py | 5 +- deepspeech/training/trainer.py | 73 +++++++++++++++--------------- doc/src/deepspeech_architecture.md | 42 ++++++++--------- 4 files changed, 66 insertions(+), 66 deletions(-) diff --git a/deepspeech/training/gradclip.py b/deepspeech/training/gradclip.py index f46814eb0..6393197a2 100644 --- a/deepspeech/training/gradclip.py +++ b/deepspeech/training/gradclip.py @@ -48,9 +48,8 @@ class ClipGradByGlobalNormWithLog(paddle.nn.ClipGradByGlobalNorm): sum_square_list.append(sum_square) # debug log - if i < 10: - logger.debug( - f"Grad Before Clip: {p.name}: {float(sum_square.sqrt()) }") + logger.debug( + f"Grad Before Clip: {p.name}: {float(sum_square.sqrt()) }") # all parameters have been filterd out if len(sum_square_list) == 0: @@ -77,9 +76,8 @@ class ClipGradByGlobalNormWithLog(paddle.nn.ClipGradByGlobalNorm): params_and_grads.append((p, new_grad)) # debug log - if i < 10: - logger.debug( - f"Grad After Clip: {p.name}: {float(new_grad.square().sum().sqrt())}" - ) + logger.debug( + f"Grad After Clip: {p.name}: {float(new_grad.square().sum().sqrt())}" + ) return params_and_grads diff --git a/deepspeech/training/timer.py b/deepspeech/training/timer.py index 2076737b9..2ca9d6386 100644 --- a/deepspeech/training/timer.py +++ b/deepspeech/training/timer.py @@ -27,7 +27,7 @@ class Timer(): do some thing """ - def __init__(self, message): + def __init__(self, message=None): self.message = message def duration(self) -> str: @@ -40,7 +40,8 @@ class Timer(): return self def __exit__(self, type, value, traceback): - logger.info(self.message.format(self.duration())) + if self.message: + logger.info(self.message.format(self.duration())) def __call__(self) -> float: return time.time() - self.start diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 521297d70..25c002df3 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -185,46 +185,47 @@ class Trainer(): def train(self): """The training process control by epoch.""" - with Timer("Load/Init Model: {}"): - from_scratch = self.resume_or_scratch() - if from_scratch: - # save init model, i.e. 0 epoch - self.save(tag='init', infos=None) - self.lr_scheduler.step(self.epoch) - if self.parallel and hasattr(self.train_loader, "batch_sampler"): - self.train_loader.batch_sampler.set_epoch(self.epoch) + from_scratch = self.resume_or_scratch() + if from_scratch: + # save init model, i.e. 0 epoch + self.save(tag='init', infos=None) + self.lr_scheduler.step(self.epoch) + if self.parallel and hasattr(self.train_loader, "batch_sampler"): + self.train_loader.batch_sampler.set_epoch(self.epoch) logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: - self.model.train() - try: - data_start_time = time.time() - for batch_index, batch in enumerate(self.train_loader): - dataload_time = time.time() - data_start_time - msg = "Train: Rank: {}, ".format(dist.get_rank()) - msg += "epoch: {}, ".format(self.epoch) - msg += "step: {}, ".format(self.iteration) - msg += "batch : {}/{}, ".format(batch_index + 1, - len(self.train_loader)) - msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) - msg += "data time: {:>.3f}s, ".format(dataload_time) - self.train_batch(batch_index, batch, msg) + with Timer("Epoch-Train Time Cost: {}"): + self.model.train() + try: data_start_time = time.time() - except Exception as e: - logger.error(e) - raise e - - total_loss, num_seen_utts = self.valid() - if dist.get_world_size() > 1: - num_seen_utts = paddle.to_tensor(num_seen_utts) - # the default operator in all_reduce function is sum. - dist.all_reduce(num_seen_utts) - total_loss = paddle.to_tensor(total_loss) - dist.all_reduce(total_loss) - cv_loss = total_loss / num_seen_utts - cv_loss = float(cv_loss) - else: - cv_loss = total_loss / num_seen_utts + for batch_index, batch in enumerate(self.train_loader): + dataload_time = time.time() - data_start_time + msg = "Train: Rank: {}, ".format(dist.get_rank()) + msg += "epoch: {}, ".format(self.epoch) + msg += "step: {}, ".format(self.iteration) + msg += "batch : {}/{}, ".format(batch_index + 1, + len(self.train_loader)) + msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) + msg += "data time: {:>.3f}s, ".format(dataload_time) + self.train_batch(batch_index, batch, msg) + data_start_time = time.time() + except Exception as e: + logger.error(e) + raise e + + with Timer("Eval Time Cost: {}"): + total_loss, num_seen_utts = self.valid() + if dist.get_world_size() > 1: + num_seen_utts = paddle.to_tensor(num_seen_utts) + # the default operator in all_reduce function is sum. + dist.all_reduce(num_seen_utts) + total_loss = paddle.to_tensor(total_loss) + dist.all_reduce(total_loss) + cv_loss = total_loss / num_seen_utts + cv_loss = float(cv_loss) + else: + cv_loss = total_loss / num_seen_utts logger.info( 'Epoch {} Val info val_loss {}'.format(self.epoch, cv_loss)) diff --git a/doc/src/deepspeech_architecture.md b/doc/src/deepspeech_architecture.md index dfa60790f..c4c102bae 100644 --- a/doc/src/deepspeech_architecture.md +++ b/doc/src/deepspeech_architecture.md @@ -1,8 +1,8 @@ # Deepspeech2 ## Streaming -The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 model](https://arxiv.org/pdf/1512.02595.pdf) with some changes. -The model is mainly composed of 2D convolution subsampling layer and stacked single direction rnn layers. +The implemented arcitecure of Deepspeech2 online model is based on [Deepspeech2 model](https://arxiv.org/pdf/1512.02595.pdf) with some changes. +The model is mainly composed of 2D convolution subsampling layer and stacked single direction rnn layers. To illustrate the model implementation clearly, 3 parts are described in detail. - Data Preparation @@ -11,10 +11,10 @@ To illustrate the model implementation clearly, 3 parts are described in detail. In addition, the training process and the testing process are also introduced. -The arcitecture of the model is shown in Fig.1. +The arcitecture of the model is shown in Fig.1.

- +
Fig.1 The Arcitecture of deepspeech2 online model

@@ -28,17 +28,17 @@ For English data, the vocabulary dictionary is composed of 26 English characters --unit_type="char" \ --count_threshold=0 \ --vocab_path="data/vocab.txt" \ - --manifest_paths "data/manifest.train.raw" "data/manifest.dev.raw" - + --manifest_paths "data/manifest.train.raw" "data/manifest.dev.raw" + # vocabulary for aishell dataset (Mandarin) vi examples/aishell/s0/data/vocab.txt - + # vocabulary for librispeech dataset (English) vi examples/librispeech/s0/data/vocab.txt ``` #### CMVN -For CMVN, a subset or the full of traininig set is chosed and be used to compute the feature mean and std. +For CMVN, a subset or the full of traininig set is chosed and be used to compute the feature mean and std. ``` # The code to compute the feature mean and std cd examples/aishell/s0 @@ -52,16 +52,16 @@ python3 ../../../utils/compute_mean_std.py \ --use_dB_normalization=True \ --num_samples=2000 \ --num_workers=10 \ - --output_path="data/mean_std.json" + --output_path="data/mean_std.json" ``` - + #### Feature Extraction For feature extraction, three methods are implemented, which are linear (FFT without using filter bank), fbank and mfcc. Currently, the released deepspeech2 online model use the linear feature extraction method. ``` The code for feature extraction - vi deepspeech/frontend/featurizer/audio_featurizer.py + vi deepspeech/frontend/featurizer/audio_featurizer.py ``` ### Encoder @@ -70,7 +70,7 @@ The code of Encoder is in: ``` vi deepspeech/models/ds2_online/deepspeech2.py ``` - + ### Decoder To got the character possibilities of each frame, the feature represention of each frame output from the backbone are input into a projection layer which is implemented as a dense layer to do projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. The code of Encoder is in: @@ -78,7 +78,7 @@ The code of Encoder is in: vi deepspeech/models/ds2_online/deepspeech2.py vi deepspeech/modules/ctc.py ``` - + ## Training Process Using the command below, you can train the deepspeech2 online model. ``` @@ -120,7 +120,7 @@ if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then fi ``` By using the command above, the training process can be started. There are 5 stages in run.sh, and the first 3 stages are used for training process. The stage 0 is used for data preparation, in which the dataset will be downloaded, and the manifest files of the datasets, vocabulary dictionary and CMVN file will be generated in "./data/". The stage 1 is used for training the model, the log files and model checkpoint is saved in "exp/deepspeech2_online/". The stage 2 is used to generated final model for predicting by averaging the top-k model parameters based on validation loss. - + ## Testing Process Using the command below, you can test the deepspeech2 online model. ``` @@ -129,7 +129,7 @@ Using the command below, you can test the deepspeech2 online model. The detail commands are: ``` conf_path=conf/deepspeech2_online.yaml -avg_num=1 +avg_num=1 model_type=online avg_ckpt=avg_${avg_num} @@ -150,29 +150,29 @@ fi ``` After the training process, we use stage 3,4,5 for testing process. The stage 3 is for testing the model generated in the stage 2 and provided the CER index of the test set. The stage 4 is for transforming the model from dynamic graph to static graph by using "paddle.jit" library. The stage 5 is for testing the model in static graph. - + ## Non-Streaming The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers and the fc layer is not used. The arcitecture of the model is shown in Fig.2.

- +
Fig.2 The Arcitecture of deepspeech2 offline model

- + For data preparation, decoder, the deepspeech2 offline model is same with the deepspeech2 online model. The code of encoder and decoder for deepspeech2 offline model is in: ``` vi deepspeech/models/ds2/deepspeech2.py ``` - + The training process and testing process of deepspeech2 offline model is very similary to deepspeech2 online model. Only some changes should be noticed. -For training and testing, the "model_type" and the "conf_path" must be set. +For training and testing, the "model_type" and the "conf_path" must be set. ``` # Training offline cd examples/aishell/s0 @@ -184,4 +184,4 @@ cd examples/aishell/s0 bash run.sh --stage 3 --stop_stage 5 --model_type offline --conf_path conf/deepspeech2.yaml ``` - + From 41ed7a184cecc7dae9d133490eb2a28ee3e938d4 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 10 Sep 2021 03:11:32 +0000 Subject: [PATCH 036/103] add ctc conf --- doc/src/deepspeech_architecture.md | 2 -- examples/librispeech/s1/conf/transformer.yaml | 4 +++- 2 files changed, 3 insertions(+), 3 deletions(-) diff --git a/doc/src/deepspeech_architecture.md b/doc/src/deepspeech_architecture.md index c4c102bae..ffa37affe 100644 --- a/doc/src/deepspeech_architecture.md +++ b/doc/src/deepspeech_architecture.md @@ -183,5 +183,3 @@ bash run.sh --stage 0 --stop_stage 2 --model_type offline --conf_path conf/deeps cd examples/aishell/s0 bash run.sh --stage 3 --stop_stage 5 --model_type offline --conf_path conf/deepspeech2.yaml ``` - - diff --git a/examples/librispeech/s1/conf/transformer.yaml b/examples/librispeech/s1/conf/transformer.yaml index bc2ec6061..4aa7b9158 100644 --- a/examples/librispeech/s1/conf/transformer.yaml +++ b/examples/librispeech/s1/conf/transformer.yaml @@ -33,7 +33,7 @@ collator: keep_transcription_text: False sortagrad: True shuffle_method: batch_shuffle - num_workers: 2 + num_workers: 0 # network architecture @@ -67,6 +67,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false From 890a28f9bfbce4d647e76dae4b1634bf276f106e Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 10 Sep 2021 03:22:53 +0000 Subject: [PATCH 037/103] add more ctc conf --- deepspeech/models/u2.py | 15 ++++++++++----- deepspeech/models/u2_st.py | 16 +++++++++------- examples/aishell/s1/conf/chunk_conformer.yaml | 2 ++ examples/aishell/s1/conf/conformer.yaml | 2 ++ .../librispeech/s1/conf/chunk_conformer.yaml | 2 ++ .../librispeech/s1/conf/chunk_transformer.yaml | 2 ++ examples/librispeech/s1/conf/conformer.yaml | 2 ++ .../librispeech/s2/conf/chunk_conformer.yaml | 2 ++ .../librispeech/s2/conf/chunk_transformer.yaml | 2 ++ examples/librispeech/s2/conf/conformer.yaml | 2 ++ examples/librispeech/s2/conf/transformer.yaml | 2 ++ examples/ted_en_zh/t0/conf/transformer.yaml | 2 ++ .../t0/conf/transformer_joint_noam.yaml | 2 ++ examples/timit/s1/conf/transformer.yaml | 2 ++ examples/tiny/s1/conf/chunk_confermer.yaml | 2 ++ examples/tiny/s1/conf/chunk_transformer.yaml | 2 ++ examples/tiny/s1/conf/conformer.yaml | 2 ++ examples/tiny/s1/conf/transformer.yaml | 2 ++ 18 files changed, 51 insertions(+), 12 deletions(-) diff --git a/deepspeech/models/u2.py b/deepspeech/models/u2.py index a01766da6..7061d173f 100644 --- a/deepspeech/models/u2.py +++ b/deepspeech/models/u2.py @@ -661,9 +661,7 @@ class U2BaseModel(nn.Layer): xs, offset, required_cache_size, subsampling_cache, elayers_output_cache, conformer_cnn_cache) - # @jit.to_static([ - # paddle.static.InputSpec(shape=[1, None, feat_dim],dtype='float32'), # audio feat, [B,T,D] - # ]) + # @jit.to_static def ctc_activation(self, xs: paddle.Tensor) -> paddle.Tensor: """ Export interface for c++ call, apply linear transform and log softmax before ctc @@ -830,6 +828,7 @@ class U2Model(U2BaseModel): Returns: int, nn.Layer, nn.Layer, nn.Layer: vocab size, encoder, decoder, ctc """ + # cmvn if configs['cmvn_file'] is not None: mean, istd = load_cmvn(configs['cmvn_file'], configs['cmvn_file_type']) @@ -839,11 +838,13 @@ class U2Model(U2BaseModel): else: global_cmvn = None + # input & output dim input_dim = configs['input_dim'] vocab_size = configs['output_dim'] assert input_dim != 0, input_dim assert vocab_size != 0, vocab_size + # encoder encoder_type = configs.get('encoder', 'transformer') logger.info(f"U2 Encoder type: {encoder_type}") if encoder_type == 'transformer': @@ -855,17 +856,21 @@ class U2Model(U2BaseModel): else: raise ValueError(f"not support encoder type:{encoder_type}") + # decoder decoder = TransformerDecoder(vocab_size, encoder.output_size(), **configs['decoder_conf']) + + # ctc decoder and ctc loss + model_conf = configs['model_conf'] ctc = CTCDecoder( odim=vocab_size, enc_n_units=encoder.output_size(), blank_id=0, - dropout_rate=0.0, + dropout_rate=model_conf['ctc_dropout_rate'], reduction=True, # sum batch_average=True, # sum / batch_size - grad_norm_type='instance') + grad_norm_type=model_conf['ctc_grad_norm_type']) return vocab_size, encoder, decoder, ctc diff --git a/deepspeech/models/u2_st.py b/deepspeech/models/u2_st.py index 7dae3745b..6737a549d 100644 --- a/deepspeech/models/u2_st.py +++ b/deepspeech/models/u2_st.py @@ -413,26 +413,26 @@ class U2STBaseModel(nn.Layer): best_hyps = best_hyps[:, 1:] return best_hyps - @jit.to_static + # @jit.to_static def subsampling_rate(self) -> int: """ Export interface for c++ call, return subsampling_rate of the model """ return self.encoder.embed.subsampling_rate - @jit.to_static + # @jit.to_static def right_context(self) -> int: """ Export interface for c++ call, return right_context of the model """ return self.encoder.embed.right_context - @jit.to_static + # @jit.to_static def sos_symbol(self) -> int: """ Export interface for c++ call, return sos symbol id of the model """ return self.sos - @jit.to_static + # @jit.to_static def eos_symbol(self) -> int: """ Export interface for c++ call, return eos symbol id of the model """ @@ -468,7 +468,7 @@ class U2STBaseModel(nn.Layer): xs, offset, required_cache_size, subsampling_cache, elayers_output_cache, conformer_cnn_cache) - @jit.to_static + # @jit.to_static def ctc_activation(self, xs: paddle.Tensor) -> paddle.Tensor: """ Export interface for c++ call, apply linear transform and log softmax before ctc @@ -643,14 +643,16 @@ class U2STModel(U2STBaseModel): decoder = TransformerDecoder(vocab_size, encoder.output_size(), **configs['decoder_conf']) + # ctc decoder and ctc loss + model_conf = configs['model_conf'] ctc = CTCDecoder( odim=vocab_size, enc_n_units=encoder.output_size(), blank_id=0, - dropout_rate=0.0, + dropout_rate=model_conf['ctc_dropout_rate'], reduction=True, # sum batch_average=True, # sum / batch_size - grad_norm_type='instance') + grad_norm_type=model_conf['ctc_grad_norm_type']) return vocab_size, encoder, (st_decoder, decoder, ctc) else: diff --git a/examples/aishell/s1/conf/chunk_conformer.yaml b/examples/aishell/s1/conf/chunk_conformer.yaml index 3e606788e..6f8ae135f 100644 --- a/examples/aishell/s1/conf/chunk_conformer.yaml +++ b/examples/aishell/s1/conf/chunk_conformer.yaml @@ -76,6 +76,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/aishell/s1/conf/conformer.yaml b/examples/aishell/s1/conf/conformer.yaml index 4b1430c58..a4248459c 100644 --- a/examples/aishell/s1/conf/conformer.yaml +++ b/examples/aishell/s1/conf/conformer.yaml @@ -71,6 +71,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/librispeech/s1/conf/chunk_conformer.yaml b/examples/librispeech/s1/conf/chunk_conformer.yaml index 0de1aefee..92db20f66 100644 --- a/examples/librispeech/s1/conf/chunk_conformer.yaml +++ b/examples/librispeech/s1/conf/chunk_conformer.yaml @@ -76,6 +76,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/librispeech/s1/conf/chunk_transformer.yaml b/examples/librispeech/s1/conf/chunk_transformer.yaml index f782a0373..e0bc3135e 100644 --- a/examples/librispeech/s1/conf/chunk_transformer.yaml +++ b/examples/librispeech/s1/conf/chunk_transformer.yaml @@ -69,6 +69,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/librispeech/s1/conf/conformer.yaml b/examples/librispeech/s1/conf/conformer.yaml index 6d825f05b..78be249cb 100644 --- a/examples/librispeech/s1/conf/conformer.yaml +++ b/examples/librispeech/s1/conf/conformer.yaml @@ -72,6 +72,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/librispeech/s2/conf/chunk_conformer.yaml b/examples/librispeech/s2/conf/chunk_conformer.yaml index 0de1aefee..92db20f66 100644 --- a/examples/librispeech/s2/conf/chunk_conformer.yaml +++ b/examples/librispeech/s2/conf/chunk_conformer.yaml @@ -76,6 +76,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/librispeech/s2/conf/chunk_transformer.yaml b/examples/librispeech/s2/conf/chunk_transformer.yaml index f782a0373..e0bc3135e 100644 --- a/examples/librispeech/s2/conf/chunk_transformer.yaml +++ b/examples/librispeech/s2/conf/chunk_transformer.yaml @@ -69,6 +69,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/librispeech/s2/conf/conformer.yaml b/examples/librispeech/s2/conf/conformer.yaml index 955b6108b..9a7274135 100644 --- a/examples/librispeech/s2/conf/conformer.yaml +++ b/examples/librispeech/s2/conf/conformer.yaml @@ -72,6 +72,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/librispeech/s2/conf/transformer.yaml b/examples/librispeech/s2/conf/transformer.yaml index 4c60913e9..edf5b81dc 100644 --- a/examples/librispeech/s2/conf/transformer.yaml +++ b/examples/librispeech/s2/conf/transformer.yaml @@ -58,6 +58,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/ted_en_zh/t0/conf/transformer.yaml b/examples/ted_en_zh/t0/conf/transformer.yaml index 755e04461..1aad86d22 100644 --- a/examples/ted_en_zh/t0/conf/transformer.yaml +++ b/examples/ted_en_zh/t0/conf/transformer.yaml @@ -68,6 +68,8 @@ model: model_conf: asr_weight: 0.0 ctc_weight: 0.0 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/ted_en_zh/t0/conf/transformer_joint_noam.yaml b/examples/ted_en_zh/t0/conf/transformer_joint_noam.yaml index bc1f8890d..0144c40d4 100644 --- a/examples/ted_en_zh/t0/conf/transformer_joint_noam.yaml +++ b/examples/ted_en_zh/t0/conf/transformer_joint_noam.yaml @@ -68,6 +68,8 @@ model: model_conf: asr_weight: 0.5 ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/timit/s1/conf/transformer.yaml b/examples/timit/s1/conf/transformer.yaml index eb191d0b2..c3b519968 100644 --- a/examples/timit/s1/conf/transformer.yaml +++ b/examples/timit/s1/conf/transformer.yaml @@ -66,6 +66,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/tiny/s1/conf/chunk_confermer.yaml b/examples/tiny/s1/conf/chunk_confermer.yaml index 96da3d9fb..be2e82f9e 100644 --- a/examples/tiny/s1/conf/chunk_confermer.yaml +++ b/examples/tiny/s1/conf/chunk_confermer.yaml @@ -76,6 +76,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/tiny/s1/conf/chunk_transformer.yaml b/examples/tiny/s1/conf/chunk_transformer.yaml index 1adb91c46..93439a857 100644 --- a/examples/tiny/s1/conf/chunk_transformer.yaml +++ b/examples/tiny/s1/conf/chunk_transformer.yaml @@ -69,6 +69,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/tiny/s1/conf/conformer.yaml b/examples/tiny/s1/conf/conformer.yaml index b40e77e37..9bb67c44e 100644 --- a/examples/tiny/s1/conf/conformer.yaml +++ b/examples/tiny/s1/conf/conformer.yaml @@ -72,6 +72,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false diff --git a/examples/tiny/s1/conf/transformer.yaml b/examples/tiny/s1/conf/transformer.yaml index fd5adbdee..5127e8c66 100644 --- a/examples/tiny/s1/conf/transformer.yaml +++ b/examples/tiny/s1/conf/transformer.yaml @@ -66,6 +66,8 @@ model: # hybrid CTC/attention model_conf: ctc_weight: 0.3 + ctc_dropoutrate: 0.0 + ctc_grad_norm_type: instance lsm_weight: 0.1 # label smoothing option length_normalized_loss: false From 8873ebe38c5973993471e86a1760b412f92449dd Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 10 Sep 2021 04:27:54 +0000 Subject: [PATCH 038/103] add timer for u2; refactor grad norm type --- deepspeech/exps/u2/model.py | 61 +++++++++++++++++++------------------ deepspeech/modules/loss.py | 6 ++-- 2 files changed, 35 insertions(+), 32 deletions(-) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 8ab9a26e8..2b6e24330 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -34,6 +34,7 @@ from deepspeech.io.sampler import SortagradDistributedBatchSampler from deepspeech.models.u2 import U2Model from deepspeech.training.optimizer import OptimizerFactory from deepspeech.training.scheduler import LRSchedulerFactory +from deepspeech.training.timer import Timer from deepspeech.training.trainer import Trainer from deepspeech.utils import ctc_utils from deepspeech.utils import error_rate @@ -184,40 +185,42 @@ class U2Trainer(Trainer): self.save(tag='init') self.lr_scheduler.step(self.iteration) - if self.parallel: + if self.parallel and hasattr(self.train_loader, 'batch_sampler'): self.train_loader.batch_sampler.set_epoch(self.epoch) logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: - self.model.train() - try: - data_start_time = time.time() - for batch_index, batch in enumerate(self.train_loader): - dataload_time = time.time() - data_start_time - msg = "Train: Rank: {}, ".format(dist.get_rank()) - msg += "epoch: {}, ".format(self.epoch) - msg += "step: {}, ".format(self.iteration) - msg += "batch : {}/{}, ".format(batch_index + 1, - len(self.train_loader)) - msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) - msg += "data time: {:>.3f}s, ".format(dataload_time) - self.train_batch(batch_index, batch, msg) + with Timer("Epoch-Train Time Cost: {}"): + self.model.train() + try: data_start_time = time.time() - except Exception as e: - logger.error(e) - raise e - - total_loss, num_seen_utts = self.valid() - if dist.get_world_size() > 1: - num_seen_utts = paddle.to_tensor(num_seen_utts) - # the default operator in all_reduce function is sum. - dist.all_reduce(num_seen_utts) - total_loss = paddle.to_tensor(total_loss) - dist.all_reduce(total_loss) - cv_loss = total_loss / num_seen_utts - cv_loss = float(cv_loss) - else: - cv_loss = total_loss / num_seen_utts + for batch_index, batch in enumerate(self.train_loader): + dataload_time = time.time() - data_start_time + msg = "Train: Rank: {}, ".format(dist.get_rank()) + msg += "epoch: {}, ".format(self.epoch) + msg += "step: {}, ".format(self.iteration) + msg += "batch : {}/{}, ".format(batch_index + 1, + len(self.train_loader)) + msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) + msg += "data time: {:>.3f}s, ".format(dataload_time) + self.train_batch(batch_index, batch, msg) + data_start_time = time.time() + except Exception as e: + logger.error(e) + raise e + + with Timer("Eval Time Cost: {}"): + total_loss, num_seen_utts = self.valid() + if dist.get_world_size() > 1: + num_seen_utts = paddle.to_tensor(num_seen_utts) + # the default operator in all_reduce function is sum. + dist.all_reduce(num_seen_utts) + total_loss = paddle.to_tensor(total_loss) + dist.all_reduce(total_loss) + cv_loss = total_loss / num_seen_utts + cv_loss = float(cv_loss) + else: + cv_loss = total_loss / num_seen_utts logger.info( 'Epoch {} Val info val_loss {}'.format(self.epoch, cv_loss)) diff --git a/deepspeech/modules/loss.py b/deepspeech/modules/loss.py index 399e84e29..023a19232 100644 --- a/deepspeech/modules/loss.py +++ b/deepspeech/modules/loss.py @@ -36,16 +36,16 @@ class CTCLoss(nn.Layer): f"CTCLoss Loss reduction: {reduction}, div-bs: {batch_average}") # instance for norm_by_times - # batchsize for norm_by_batchsize + # batch for norm_by_batchsize # frame for norm_by_total_logits_len - assert grad_norm_type in ('instance', 'batchsize', 'frame', None) + assert grad_norm_type in ('instance', 'batch', 'frame', None) self.norm_by_times = False self.norm_by_batchsize = False self.norm_by_total_logits_len = False logger.info(f"CTCLoss Grad Norm Type: {grad_norm_type}") if grad_norm_type == 'instance': self.norm_by_times = True - if grad_norm_type == 'batchsize': + if grad_norm_type == 'batch': self.norm_by_times = True if grad_norm_type == 'frame': self.norm_by_total_logits_len = True From 8fef667f801d58d482f32a3bb6724d1157158c74 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 10 Sep 2021 04:34:31 +0000 Subject: [PATCH 039/103] fix u2 ctc config bugs --- deepspeech/models/u2.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/deepspeech/models/u2.py b/deepspeech/models/u2.py index 7061d173f..46d932c98 100644 --- a/deepspeech/models/u2.py +++ b/deepspeech/models/u2.py @@ -867,7 +867,7 @@ class U2Model(U2BaseModel): odim=vocab_size, enc_n_units=encoder.output_size(), blank_id=0, - dropout_rate=model_conf['ctc_dropout_rate'], + dropout_rate=model_conf['ctc_dropoutrate'], reduction=True, # sum batch_average=True, # sum / batch_size grad_norm_type=model_conf['ctc_grad_norm_type']) From f0470e05294db5ddc23b24ff457b9436b047e4e7 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 10 Sep 2021 04:45:26 +0000 Subject: [PATCH 040/103] not dump all grad info, since slow down train porcess --- deepspeech/training/gradclip.py | 16 +++++++++------- 1 file changed, 9 insertions(+), 7 deletions(-) diff --git a/deepspeech/training/gradclip.py b/deepspeech/training/gradclip.py index 6393197a2..87b36acae 100644 --- a/deepspeech/training/gradclip.py +++ b/deepspeech/training/gradclip.py @@ -47,9 +47,10 @@ class ClipGradByGlobalNormWithLog(paddle.nn.ClipGradByGlobalNorm): sum_square = layers.reduce_sum(square) sum_square_list.append(sum_square) - # debug log - logger.debug( - f"Grad Before Clip: {p.name}: {float(sum_square.sqrt()) }") + # debug log, not dump all since slow down train process + if i < 10: + logger.debug( + f"Grad Before Clip: {p.name}: {float(sum_square.sqrt()) }") # all parameters have been filterd out if len(sum_square_list) == 0: @@ -75,9 +76,10 @@ class ClipGradByGlobalNormWithLog(paddle.nn.ClipGradByGlobalNorm): new_grad = layers.elementwise_mul(x=g, y=clip_var) params_and_grads.append((p, new_grad)) - # debug log - logger.debug( - f"Grad After Clip: {p.name}: {float(new_grad.square().sum().sqrt())}" - ) + # debug log, not dump all since slow down train process + if i < 10: + logger.debug( + f"Grad After Clip: {p.name}: {float(new_grad.square().sum().sqrt())}" + ) return params_and_grads From 85674d22d4f994eaed463ae602c597bf2179fa30 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 10 Sep 2021 04:45:54 +0000 Subject: [PATCH 041/103] fix bugs --- deepspeech/models/u2.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/deepspeech/models/u2.py b/deepspeech/models/u2.py index 46d932c98..fd8f15471 100644 --- a/deepspeech/models/u2.py +++ b/deepspeech/models/u2.py @@ -115,7 +115,8 @@ class U2BaseModel(nn.Layer): ctc_weight: float=0.5, ignore_id: int=IGNORE_ID, lsm_weight: float=0.0, - length_normalized_loss: bool=False): + length_normalized_loss: bool=False, + **kwargs): assert 0.0 <= ctc_weight <= 1.0, ctc_weight super().__init__() From 28a0a6415318fc0f41154d24a4dd480fc6f36029 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 10 Sep 2021 06:13:58 +0000 Subject: [PATCH 042/103] fix train.sh --- examples/librispeech/s1/local/train.sh | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/examples/librispeech/s1/local/train.sh b/examples/librispeech/s1/local/train.sh index c57946a61..17a9e28df 100755 --- a/examples/librispeech/s1/local/train.sh +++ b/examples/librispeech/s1/local/train.sh @@ -20,7 +20,7 @@ echo "using ${device}..." mkdir -p exp seed=10086 -if [ ${seed} != 0]; then +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi From 2480be8ebc8d509e9a8f2e009d382c515101f2b7 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 10 Sep 2021 06:21:20 +0000 Subject: [PATCH 043/103] timer info for st,u2 kaldi --- deepspeech/exps/u2_kaldi/model.py | 59 ++++++++++++++++--------------- deepspeech/exps/u2_st/model.py | 59 ++++++++++++++++--------------- 2 files changed, 62 insertions(+), 56 deletions(-) diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index 140ee947f..095dfe34d 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -32,6 +32,7 @@ from deepspeech.io.dataloader import BatchDataLoader from deepspeech.models.u2 import U2Model from deepspeech.training.optimizer import OptimizerFactory from deepspeech.training.scheduler import LRSchedulerFactory +from deepspeech.training.timer import Timer from deepspeech.training.trainer import Trainer from deepspeech.utils import ctc_utils from deepspeech.utils import error_rate @@ -190,35 +191,37 @@ class U2Trainer(Trainer): logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: - self.model.train() - try: - data_start_time = time.time() - for batch_index, batch in enumerate(self.train_loader): - dataload_time = time.time() - data_start_time - msg = "Train: Rank: {}, ".format(dist.get_rank()) - msg += "epoch: {}, ".format(self.epoch) - msg += "step: {}, ".format(self.iteration) - msg += "batch : {}/{}, ".format(batch_index + 1, - len(self.train_loader)) - msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) - msg += "data time: {:>.3f}s, ".format(dataload_time) - self.train_batch(batch_index, batch, msg) + with Timer("Epoch-Train Time Cost: {}"): + self.model.train() + try: data_start_time = time.time() - except Exception as e: - logger.error(e) - raise e - - total_loss, num_seen_utts = self.valid() - if dist.get_world_size() > 1: - num_seen_utts = paddle.to_tensor(num_seen_utts) - # the default operator in all_reduce function is sum. - dist.all_reduce(num_seen_utts) - total_loss = paddle.to_tensor(total_loss) - dist.all_reduce(total_loss) - cv_loss = total_loss / num_seen_utts - cv_loss = float(cv_loss) - else: - cv_loss = total_loss / num_seen_utts + for batch_index, batch in enumerate(self.train_loader): + dataload_time = time.time() - data_start_time + msg = "Train: Rank: {}, ".format(dist.get_rank()) + msg += "epoch: {}, ".format(self.epoch) + msg += "step: {}, ".format(self.iteration) + msg += "batch : {}/{}, ".format(batch_index + 1, + len(self.train_loader)) + msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) + msg += "data time: {:>.3f}s, ".format(dataload_time) + self.train_batch(batch_index, batch, msg) + data_start_time = time.time() + except Exception as e: + logger.error(e) + raise e + + with Timer("Eval Time Cost: {}"): + total_loss, num_seen_utts = self.valid() + if dist.get_world_size() > 1: + num_seen_utts = paddle.to_tensor(num_seen_utts) + # the default operator in all_reduce function is sum. + dist.all_reduce(num_seen_utts) + total_loss = paddle.to_tensor(total_loss) + dist.all_reduce(total_loss) + cv_loss = total_loss / num_seen_utts + cv_loss = float(cv_loss) + else: + cv_loss = total_loss / num_seen_utts logger.info( 'Epoch {} Val info val_loss {}'.format(self.epoch, cv_loss)) diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index ef5938b77..8dca16540 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -38,6 +38,7 @@ from deepspeech.io.sampler import SortagradDistributedBatchSampler from deepspeech.models.u2_st import U2STModel from deepspeech.training.gradclip import ClipGradByGlobalNormWithLog from deepspeech.training.scheduler import WarmupLR +from deepspeech.training.timer import Timer from deepspeech.training.trainer import Trainer from deepspeech.utils import bleu_score from deepspeech.utils import ctc_utils @@ -207,35 +208,37 @@ class U2STTrainer(Trainer): logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: - self.model.train() - try: - data_start_time = time.time() - for batch_index, batch in enumerate(self.train_loader): - dataload_time = time.time() - data_start_time - msg = "Train: Rank: {}, ".format(dist.get_rank()) - msg += "epoch: {}, ".format(self.epoch) - msg += "step: {}, ".format(self.iteration) - msg += "batch : {}/{}, ".format(batch_index + 1, - len(self.train_loader)) - msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) - msg += "data time: {:>.3f}s, ".format(dataload_time) - self.train_batch(batch_index, batch, msg) + with Timer("Epoch-Train Time Cost: {}"): + self.model.train() + try: data_start_time = time.time() - except Exception as e: - logger.error(e) - raise e - - total_loss, num_seen_utts = self.valid() - if dist.get_world_size() > 1: - num_seen_utts = paddle.to_tensor(num_seen_utts) - # the default operator in all_reduce function is sum. - dist.all_reduce(num_seen_utts) - total_loss = paddle.to_tensor(total_loss) - dist.all_reduce(total_loss) - cv_loss = total_loss / num_seen_utts - cv_loss = float(cv_loss) - else: - cv_loss = total_loss / num_seen_utts + for batch_index, batch in enumerate(self.train_loader): + dataload_time = time.time() - data_start_time + msg = "Train: Rank: {}, ".format(dist.get_rank()) + msg += "epoch: {}, ".format(self.epoch) + msg += "step: {}, ".format(self.iteration) + msg += "batch : {}/{}, ".format(batch_index + 1, + len(self.train_loader)) + msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) + msg += "data time: {:>.3f}s, ".format(dataload_time) + self.train_batch(batch_index, batch, msg) + data_start_time = time.time() + except Exception as e: + logger.error(e) + raise e + + with Timer("Eval Time Cost: {}"): + total_loss, num_seen_utts = self.valid() + if dist.get_world_size() > 1: + num_seen_utts = paddle.to_tensor(num_seen_utts) + # the default operator in all_reduce function is sum. + dist.all_reduce(num_seen_utts) + total_loss = paddle.to_tensor(total_loss) + dist.all_reduce(total_loss) + cv_loss = total_loss / num_seen_utts + cv_loss = float(cv_loss) + else: + cv_loss = total_loss / num_seen_utts logger.info( 'Epoch {} Val info val_loss {}'.format(self.epoch, cv_loss)) From 064d42137c744f24ba3c7dc37de5fee595231f13 Mon Sep 17 00:00:00 2001 From: Junkun Date: Sun, 12 Sep 2021 21:25:26 -0700 Subject: [PATCH 044/103] fix norm_by_batchsize --- deepspeech/modules/loss.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/deepspeech/modules/loss.py b/deepspeech/modules/loss.py index 023a19232..2c58be7e3 100644 --- a/deepspeech/modules/loss.py +++ b/deepspeech/modules/loss.py @@ -46,7 +46,7 @@ class CTCLoss(nn.Layer): if grad_norm_type == 'instance': self.norm_by_times = True if grad_norm_type == 'batch': - self.norm_by_times = True + self.norm_by_batchsize = True if grad_norm_type == 'frame': self.norm_by_total_logits_len = True From 38433729584469c71382459c72dbba610badf7ec Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Mon, 13 Sep 2021 09:44:29 +0000 Subject: [PATCH 045/103] u2 with chianer updater --- deepspeech/__init__.py | 58 ++--- deepspeech/exps/u2/bin/train.py | 4 +- deepspeech/exps/u2/trainer.py | 219 ++++++++++++++++++ deepspeech/models/u2/__init__.py | 19 ++ deepspeech/models/{ => u2}/u2.py | 0 deepspeech/models/u2/updater.py | 149 ++++++++++++ deepspeech/modules/loss.py | 2 +- deepspeech/training/extensions/evaluator.py | 36 ++- deepspeech/training/extensions/snapshot.py | 35 ++- deepspeech/training/extensions/visualizer.py | 10 +- deepspeech/training/trainer.py | 2 +- .../training/updaters/standard_updater.py | 53 +++-- deepspeech/training/updaters/trainer.py | 4 +- deepspeech/training/updaters/updater.py | 1 + deepspeech/utils/checkpoint.py | 4 +- deepspeech/utils/log.py | 73 ++---- examples/tiny/s1/conf/transformer.yaml | 2 +- requirements.txt | 4 + 18 files changed, 544 insertions(+), 131 deletions(-) create mode 100644 deepspeech/exps/u2/trainer.py create mode 100644 deepspeech/models/u2/__init__.py rename deepspeech/models/{ => u2}/u2.py (100%) create mode 100644 deepspeech/models/u2/updater.py diff --git a/deepspeech/__init__.py b/deepspeech/__init__.py index 3ac68a3b5..5505ecbf0 100644 --- a/deepspeech/__init__.py +++ b/deepspeech/__init__.py @@ -80,23 +80,23 @@ def convert_dtype_to_string(tensor_dtype): if not hasattr(paddle, 'softmax'): - logger.warn("register user softmax to paddle, remove this when fixed!") + logger.debug("register user softmax to paddle, remove this when fixed!") setattr(paddle, 'softmax', paddle.nn.functional.softmax) if not hasattr(paddle, 'log_softmax'): - logger.warn("register user log_softmax to paddle, remove this when fixed!") + logger.debug("register user log_softmax to paddle, remove this when fixed!") setattr(paddle, 'log_softmax', paddle.nn.functional.log_softmax) if not hasattr(paddle, 'sigmoid'): - logger.warn("register user sigmoid to paddle, remove this when fixed!") + logger.debug("register user sigmoid to paddle, remove this when fixed!") setattr(paddle, 'sigmoid', paddle.nn.functional.sigmoid) if not hasattr(paddle, 'log_sigmoid'): - logger.warn("register user log_sigmoid to paddle, remove this when fixed!") + logger.debug("register user log_sigmoid to paddle, remove this when fixed!") setattr(paddle, 'log_sigmoid', paddle.nn.functional.log_sigmoid) if not hasattr(paddle, 'relu'): - logger.warn("register user relu to paddle, remove this when fixed!") + logger.debug("register user relu to paddle, remove this when fixed!") setattr(paddle, 'relu', paddle.nn.functional.relu) @@ -105,7 +105,7 @@ def cat(xs, dim=0): if not hasattr(paddle, 'cat'): - logger.warn( + logger.debug( "override cat of paddle if exists or register, remove this when fixed!") paddle.cat = cat @@ -116,7 +116,7 @@ def item(x: paddle.Tensor): if not hasattr(paddle.Tensor, 'item'): - logger.warn( + logger.debug( "override item of paddle.Tensor if exists or register, remove this when fixed!" ) paddle.Tensor.item = item @@ -127,13 +127,13 @@ def func_long(x: paddle.Tensor): if not hasattr(paddle.Tensor, 'long'): - logger.warn( + logger.debug( "override long of paddle.Tensor if exists or register, remove this when fixed!" ) paddle.Tensor.long = func_long if not hasattr(paddle.Tensor, 'numel'): - logger.warn( + logger.debug( "override numel of paddle.Tensor if exists or register, remove this when fixed!" ) paddle.Tensor.numel = paddle.numel @@ -147,7 +147,7 @@ def new_full(x: paddle.Tensor, if not hasattr(paddle.Tensor, 'new_full'): - logger.warn( + logger.debug( "override new_full of paddle.Tensor if exists or register, remove this when fixed!" ) paddle.Tensor.new_full = new_full @@ -162,13 +162,13 @@ def eq(xs: paddle.Tensor, ys: Union[paddle.Tensor, float]) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'eq'): - logger.warn( + logger.debug( "override eq of paddle.Tensor if exists or register, remove this when fixed!" ) paddle.Tensor.eq = eq if not hasattr(paddle, 'eq'): - logger.warn( + logger.debug( "override eq of paddle if exists or register, remove this when fixed!") paddle.eq = eq @@ -178,7 +178,7 @@ def contiguous(xs: paddle.Tensor) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'contiguous'): - logger.warn( + logger.debug( "override contiguous of paddle.Tensor if exists or register, remove this when fixed!" ) paddle.Tensor.contiguous = contiguous @@ -195,7 +195,7 @@ def size(xs: paddle.Tensor, *args: int) -> paddle.Tensor: #`to_static` do not process `size` property, maybe some `paddle` api dependent on it. -logger.warn( +logger.debug( "override size of paddle.Tensor " "(`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed!" ) @@ -207,7 +207,7 @@ def view(xs: paddle.Tensor, *args: int) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'view'): - logger.warn("register user view to paddle.Tensor, remove this when fixed!") + logger.debug("register user view to paddle.Tensor, remove this when fixed!") paddle.Tensor.view = view @@ -216,7 +216,7 @@ def view_as(xs: paddle.Tensor, ys: paddle.Tensor) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'view_as'): - logger.warn( + logger.debug( "register user view_as to paddle.Tensor, remove this when fixed!") paddle.Tensor.view_as = view_as @@ -242,7 +242,7 @@ def masked_fill(xs: paddle.Tensor, if not hasattr(paddle.Tensor, 'masked_fill'): - logger.warn( + logger.debug( "register user masked_fill to paddle.Tensor, remove this when fixed!") paddle.Tensor.masked_fill = masked_fill @@ -260,7 +260,7 @@ def masked_fill_(xs: paddle.Tensor, if not hasattr(paddle.Tensor, 'masked_fill_'): - logger.warn( + logger.debug( "register user masked_fill_ to paddle.Tensor, remove this when fixed!") paddle.Tensor.masked_fill_ = masked_fill_ @@ -272,7 +272,8 @@ def fill_(xs: paddle.Tensor, value: Union[float, int]) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'fill_'): - logger.warn("register user fill_ to paddle.Tensor, remove this when fixed!") + logger.debug( + "register user fill_ to paddle.Tensor, remove this when fixed!") paddle.Tensor.fill_ = fill_ @@ -281,22 +282,22 @@ def repeat(xs: paddle.Tensor, *size: Any) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'repeat'): - logger.warn( + logger.debug( "register user repeat to paddle.Tensor, remove this when fixed!") paddle.Tensor.repeat = repeat if not hasattr(paddle.Tensor, 'softmax'): - logger.warn( + logger.debug( "register user softmax to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'softmax', paddle.nn.functional.softmax) if not hasattr(paddle.Tensor, 'sigmoid'): - logger.warn( + logger.debug( "register user sigmoid to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'sigmoid', paddle.nn.functional.sigmoid) if not hasattr(paddle.Tensor, 'relu'): - logger.warn("register user relu to paddle.Tensor, remove this when fixed!") + logger.debug("register user relu to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'relu', paddle.nn.functional.relu) @@ -305,7 +306,7 @@ def type_as(x: paddle.Tensor, other: paddle.Tensor) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'type_as'): - logger.warn( + logger.debug( "register user type_as to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'type_as', type_as) @@ -321,7 +322,7 @@ def to(x: paddle.Tensor, *args, **kwargs) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'to'): - logger.warn("register user to to paddle.Tensor, remove this when fixed!") + logger.debug("register user to to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'to', to) @@ -330,7 +331,8 @@ def func_float(x: paddle.Tensor) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'float'): - logger.warn("register user float to paddle.Tensor, remove this when fixed!") + logger.debug( + "register user float to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'float', func_float) @@ -339,7 +341,7 @@ def func_int(x: paddle.Tensor) -> paddle.Tensor: if not hasattr(paddle.Tensor, 'int'): - logger.warn("register user int to paddle.Tensor, remove this when fixed!") + logger.debug("register user int to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'int', func_int) @@ -348,6 +350,6 @@ def tolist(x: paddle.Tensor) -> List[Any]: if not hasattr(paddle.Tensor, 'tolist'): - logger.warn( + logger.debug( "register user tolist to paddle.Tensor, remove this when fixed!") setattr(paddle.Tensor, 'tolist', tolist) diff --git a/deepspeech/exps/u2/bin/train.py b/deepspeech/exps/u2/bin/train.py index 9dd0041dd..bd1aeb9ef 100644 --- a/deepspeech/exps/u2/bin/train.py +++ b/deepspeech/exps/u2/bin/train.py @@ -18,10 +18,12 @@ import os from paddle import distributed as dist from deepspeech.exps.u2.config import get_cfg_defaults -from deepspeech.exps.u2.model import U2Trainer as Trainer +# from deepspeech.exps.u2.trainer import U2Trainer as Trainer from deepspeech.training.cli import default_argument_parser from deepspeech.utils.utility import print_arguments +from deepspeech.exps.u2.model import U2Trainer as Trainer + def main_sp(config, args): exp = Trainer(config, args) diff --git a/deepspeech/exps/u2/trainer.py b/deepspeech/exps/u2/trainer.py new file mode 100644 index 000000000..fa3e6d9d7 --- /dev/null +++ b/deepspeech/exps/u2/trainer.py @@ -0,0 +1,219 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains U2 model.""" +import paddle +from paddle import distributed as dist +from paddle.io import DataLoader + +from deepspeech.io.collator import SpeechCollator +from deepspeech.io.dataset import ManifestDataset +from deepspeech.io.sampler import SortagradBatchSampler +from deepspeech.io.sampler import SortagradDistributedBatchSampler +from deepspeech.models.u2 import U2Evaluator +from deepspeech.models.u2 import U2Model +from deepspeech.models.u2 import U2Updater +from deepspeech.training.extensions.snapshot import Snapshot +from deepspeech.training.extensions.visualizer import VisualDL +from deepspeech.training.optimizer import OptimizerFactory +from deepspeech.training.scheduler import LRSchedulerFactory +from deepspeech.training.timer import Timer +from deepspeech.training.trainer import Trainer +from deepspeech.training.updaters.trainer import Trainer as NewTrainer +from deepspeech.utils import layer_tools +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + + +class U2Trainer(Trainer): + def __init__(self, config, args): + super().__init__(config, args) + + def setup_dataloader(self): + config = self.config.clone() + config.defrost() + config.collator.keep_transcription_text = False + + # train/valid dataset, return token ids + config.data.manifest = config.data.train_manifest + train_dataset = ManifestDataset.from_config(config) + + config.data.manifest = config.data.dev_manifest + dev_dataset = ManifestDataset.from_config(config) + + collate_fn_train = SpeechCollator.from_config(config) + + config.collator.augmentation_config = "" + collate_fn_dev = SpeechCollator.from_config(config) + + if self.parallel: + batch_sampler = SortagradDistributedBatchSampler( + train_dataset, + batch_size=config.collator.batch_size, + num_replicas=None, + rank=None, + shuffle=True, + drop_last=True, + sortagrad=config.collator.sortagrad, + shuffle_method=config.collator.shuffle_method) + else: + batch_sampler = SortagradBatchSampler( + train_dataset, + shuffle=True, + batch_size=config.collator.batch_size, + drop_last=True, + sortagrad=config.collator.sortagrad, + shuffle_method=config.collator.shuffle_method) + self.train_loader = DataLoader( + train_dataset, + batch_sampler=batch_sampler, + collate_fn=collate_fn_train, + num_workers=config.collator.num_workers, ) + self.valid_loader = DataLoader( + dev_dataset, + batch_size=config.collator.batch_size, + shuffle=False, + drop_last=False, + collate_fn=collate_fn_dev) + + # test dataset, return raw text + config.data.manifest = config.data.test_manifest + # filter test examples, will cause less examples, but no mismatch with training + # and can use large batch size , save training time, so filter test egs now. + config.data.min_input_len = 0.0 # second + config.data.max_input_len = float('inf') # second + config.data.min_output_len = 0.0 # tokens + config.data.max_output_len = float('inf') # tokens + config.data.min_output_input_ratio = 0.00 + config.data.max_output_input_ratio = float('inf') + + test_dataset = ManifestDataset.from_config(config) + # return text ord id + config.collator.keep_transcription_text = True + config.collator.augmentation_config = "" + self.test_loader = DataLoader( + test_dataset, + batch_size=config.decoding.batch_size, + shuffle=False, + drop_last=False, + collate_fn=SpeechCollator.from_config(config)) + # return text token id + config.collator.keep_transcription_text = False + self.align_loader = DataLoader( + test_dataset, + batch_size=config.decoding.batch_size, + shuffle=False, + drop_last=False, + collate_fn=SpeechCollator.from_config(config)) + logger.info("Setup train/valid/test/align Dataloader!") + + def setup_model(self): + config = self.config + model_conf = config.model + model_conf.defrost() + model_conf.input_dim = self.train_loader.collate_fn.feature_size + model_conf.output_dim = self.train_loader.collate_fn.vocab_size + model_conf.freeze() + model = U2Model.from_config(model_conf) + + if self.parallel: + model = paddle.DataParallel(model) + + model.train() + logger.info(f"{model}") + layer_tools.print_params(model, logger.info) + + train_config = config.training + optim_type = train_config.optim + optim_conf = train_config.optim_conf + scheduler_type = train_config.scheduler + scheduler_conf = train_config.scheduler_conf + + scheduler_args = { + "learning_rate": optim_conf.lr, + "verbose": False, + "warmup_steps": scheduler_conf.warmup_steps, + "gamma": scheduler_conf.lr_decay, + "d_model": model_conf.encoder_conf.output_size, + } + lr_scheduler = LRSchedulerFactory.from_args(scheduler_type, + scheduler_args) + + def optimizer_args( + config, + parameters, + lr_scheduler=None, ): + train_config = config.training + optim_type = train_config.optim + optim_conf = train_config.optim_conf + scheduler_type = train_config.scheduler + scheduler_conf = train_config.scheduler_conf + return { + "grad_clip": train_config.global_grad_clip, + "weight_decay": optim_conf.weight_decay, + "learning_rate": lr_scheduler + if lr_scheduler else optim_conf.lr, + "parameters": parameters, + "epsilon": 1e-9 if optim_type == 'noam' else None, + "beta1": 0.9 if optim_type == 'noam' else None, + "beat2": 0.98 if optim_type == 'noam' else None, + } + + optimzer_args = optimizer_args(config, model.parameters(), lr_scheduler) + optimizer = OptimizerFactory.from_args(optim_type, optimzer_args) + + self.model = model + self.optimizer = optimizer + self.lr_scheduler = lr_scheduler + logger.info("Setup model/optimizer/lr_scheduler!") + + def setup_updater(self): + output_dir = self.output_dir + config = self.config.training + + updater = U2Updater( + model=self.model, + optimizer=self.optimizer, + scheduler=self.lr_scheduler, + dataloader=self.train_loader, + output_dir=output_dir, + accum_grad=config.accum_grad) + + trainer = NewTrainer(updater, (config.n_epoch, 'epoch'), output_dir) + + evaluator = U2Evaluator(self.model, self.valid_loader) + + trainer.extend(evaluator, trigger=(1, "epoch")) + + if dist.get_rank() == 0: + trainer.extend(VisualDL(output_dir), trigger=(1, "iteration")) + num_snapshots = config.checkpoint.kbest_n + trainer.extend( + Snapshot( + mode='kbest', + max_size=num_snapshots, + indicator='VALID/LOSS', + less_better=True), + trigger=(1, 'epoch')) + # print(trainer.extensions) + # trainer.run() + self.trainer = trainer + + def run(self): + """The routine of the experiment after setup. This method is intended + to be used by the user. + """ + self.setup_updater() + with Timer("Training Done: {}"): + self.trainer.run() diff --git a/deepspeech/models/u2/__init__.py b/deepspeech/models/u2/__init__.py new file mode 100644 index 000000000..a9010f1d0 --- /dev/null +++ b/deepspeech/models/u2/__init__.py @@ -0,0 +1,19 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from .u2 import U2InferModel +from .u2 import U2Model +from .updater import U2Evaluator +from .updater import U2Updater + +__all__ = ["U2Model", "U2InferModel", "U2Evaluator", "U2Updater"] diff --git a/deepspeech/models/u2.py b/deepspeech/models/u2/u2.py similarity index 100% rename from deepspeech/models/u2.py rename to deepspeech/models/u2/u2.py diff --git a/deepspeech/models/u2/updater.py b/deepspeech/models/u2/updater.py new file mode 100644 index 000000000..7b70ca047 --- /dev/null +++ b/deepspeech/models/u2/updater.py @@ -0,0 +1,149 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from contextlib import nullcontext + +import paddle +from paddle import distributed as dist + +from deepspeech.training.extensions.evaluator import StandardEvaluator +from deepspeech.training.reporter import report +from deepspeech.training.timer import Timer +from deepspeech.training.updaters.standard_updater import StandardUpdater +from deepspeech.utils import layer_tools +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + + +class U2Evaluator(StandardEvaluator): + def __init__(self, model, dataloader): + super().__init__(model, dataloader) + self.msg = "" + self.num_seen_utts = 0 + self.total_loss = 0.0 + + def evaluate_core(self, batch): + self.msg = "Valid: Rank: {}, ".format(dist.get_rank()) + losses_dict = {} + + loss, attention_loss, ctc_loss = self.model(*batch[1:]) + if paddle.isfinite(loss): + num_utts = batch[1].shape[0] + self.num_seen_utts += num_utts + self.total_loss += float(loss) * num_utts + + losses_dict['loss'] = float(loss) + if attention_loss: + losses_dict['att_loss'] = float(attention_loss) + if ctc_loss: + losses_dict['ctc_loss'] = float(ctc_loss) + + for k, v in losses_dict.items(): + report("eval/" + k, v) + + self.msg += ', '.join('{}: {:>.6f}'.format(k, v) + for k, v in losses_dict.items()) + logger.info(self.msg) + return self.total_loss, self.num_seen_utts + + +class U2Updater(StandardUpdater): + def __init__(self, + model, + optimizer, + scheduler, + dataloader, + init_state=None, + accum_grad=1, + **kwargs): + super().__init__( + model, optimizer, scheduler, dataloader, init_state=init_state) + self.accum_grad = accum_grad + self.forward_count = 0 + self.msg = "" + + def update_core(self, batch): + """One Step + + Args: + batch (List[Object]): utts, xs, xlens, ys, ylens + """ + losses_dict = {} + self.msg = "Rank: {}, ".format(dist.get_rank()) + + # forward + batch_size = batch[1].shape[0] + loss, attention_loss, ctc_loss = self.model(*batch[1:]) + # loss div by `batch_size * accum_grad` + loss /= self.accum_grad + + # loss backward + if (self.forward_count + 1) != self.accum_grad: + # Disable gradient synchronizations across DDP processes. + # Within this context, gradients will be accumulated on module + # variables, which will later be synchronized. + context = self.model.no_sync + else: + # Used for single gpu training and DDP gradient synchronization + # processes. + context = nullcontext + + with context(): + loss.backward() + layer_tools.print_grads(self.model, print_func=None) + + # loss info + losses_dict['loss'] = float(loss) * self.accum_grad + if attention_loss: + losses_dict['att_loss'] = float(attention_loss) + if ctc_loss: + losses_dict['ctc_loss'] = float(ctc_loss) + # report loss + for k, v in losses_dict.items(): + report("train/" + k, v) + # loss msg + self.msg += "batch size: {}, ".format(batch_size) + self.msg += "accum: {}, ".format(self.accum_grad) + self.msg += ', '.join('{}: {:>.6f}'.format(k, v) + for k, v in losses_dict.items()) + + # Truncate the graph + loss.detach() + + # update parameters + self.forward_count += 1 + if self.forward_count != self.accum_grad: + return + self.forward_count = 0 + + self.optimizer.step() + self.optimizer.clear_grad() + self.scheduler.step() + + def update(self): + # model is default in train mode + + # training for a step is implemented here + with Timer("data time cost:{}"): + batch = self.read_batch() + with Timer("step time cost:{}"): + self.update_core(batch) + + # #iterations with accum_grad > 1 + # Ref.: https://github.com/espnet/espnet/issues/777 + if self.forward_count == 0: + self.state.iteration += 1 + if self.updates_per_epoch is not None: + if self.state.iteration % self.updates_per_epoch == 0: + self.state.epoch += 1 diff --git a/deepspeech/modules/loss.py b/deepspeech/modules/loss.py index 023a19232..2c58be7e3 100644 --- a/deepspeech/modules/loss.py +++ b/deepspeech/modules/loss.py @@ -46,7 +46,7 @@ class CTCLoss(nn.Layer): if grad_norm_type == 'instance': self.norm_by_times = True if grad_norm_type == 'batch': - self.norm_by_times = True + self.norm_by_batchsize = True if grad_norm_type == 'frame': self.norm_by_total_logits_len = True diff --git a/deepspeech/training/extensions/evaluator.py b/deepspeech/training/extensions/evaluator.py index 96ff967f5..d5b359829 100644 --- a/deepspeech/training/extensions/evaluator.py +++ b/deepspeech/training/extensions/evaluator.py @@ -13,14 +13,18 @@ # limitations under the License. from typing import Dict -import extension import paddle +from paddle import distributed as dist from paddle.io import DataLoader from paddle.nn import Layer +from . import extension from ..reporter import DictSummary from ..reporter import report from ..reporter import scope +from ..timer import Timer +from deepspeech.utils.log import Log +logger = Log(__name__).getlog() class StandardEvaluator(extension.Extension): @@ -43,6 +47,27 @@ class StandardEvaluator(extension.Extension): def evaluate_core(self, batch): # compute self.model(batch) # you may report here + return + + def evaluate_sync(self, data): + # dist sync `evaluate_core` outputs + if data is None: + return + + numerator, denominator = data + if dist.get_world_size() > 1: + numerator = paddle.to_tensor(numerator) + denominator = paddle.to_tensor(denominator) + # the default operator in all_reduce function is sum. + dist.all_reduce(numerator) + dist.all_reduce(denominator) + value = numerator / denominator + value = float(value) + else: + value = numerator / denominator + # used for `snapshort` to do kbest save. + report("VALID/LOSS", value) + logger.info(f"Valid: all-reduce loss {value}") def evaluate(self): # switch to eval mode @@ -56,9 +81,13 @@ class StandardEvaluator(extension.Extension): with scope(observation): # main evaluation computation here. with paddle.no_grad(): - self.evaluate_core(batch) + self.evaluate_sync(self.evaluate_core(batch)) summary.add(observation) summary = summary.compute_mean() + + # switch to train mode + for model in self.models.values(): + model.train() return summary def __call__(self, trainer=None): @@ -66,6 +95,7 @@ class StandardEvaluator(extension.Extension): # if it is used to extend a trainer, the metrics is reported to # to observation of the trainer # or otherwise, you can use your own observation - summary = self.evaluate() + with Timer("Eval Time Cost: {}"): + summary = self.evaluate() for k, v in summary.items(): report(k, v) diff --git a/deepspeech/training/extensions/snapshot.py b/deepspeech/training/extensions/snapshot.py index cb4e6dfbf..1d3fe70cb 100644 --- a/deepspeech/training/extensions/snapshot.py +++ b/deepspeech/training/extensions/snapshot.py @@ -20,8 +20,9 @@ from typing import List import jsonlines -from deepspeech.training.extensions import extension -from deepspeech.training.updaters.trainer import Trainer +from . import extension +from ..reporter import get_observations +from ..updaters.trainer import Trainer from deepspeech.utils.log import Log from deepspeech.utils.mp_tools import rank_zero_only @@ -52,8 +53,19 @@ class Snapshot(extension.Extension): priority = -100 default_name = "snapshot" - def __init__(self, max_size: int=5, snapshot_on_error: bool=False): + def __init__(self, + mode='latest', + max_size: int=5, + indicator=None, + less_better=True, + snapshot_on_error: bool=False): self.records: List[Dict[str, Any]] = [] + assert mode in ('latest', 'kbest'), mode + if mode == 'kbest': + assert indicator is not None + self.mode = mode + self.indicator = indicator + self.less_is_better = less_better self.max_size = max_size self._snapshot_on_error = snapshot_on_error self._save_all = (max_size == -1) @@ -66,16 +78,17 @@ class Snapshot(extension.Extension): # load existing records record_path: Path = self.checkpoint_dir / "records.jsonl" if record_path.exists(): - logger.debug("Loading from an existing checkpoint dir") self.records = load_records(record_path) - trainer.updater.load(self.records[-1]['path']) + ckpt_path = self.records[-1]['path'] + logger.info(f"Loading from an existing checkpoint {ckpt_path}") + trainer.updater.load(ckpt_path) def on_error(self, trainer, exc, tb): if self._snapshot_on_error: - self.save_checkpoint_and_update(trainer) + self.save_checkpoint_and_update(trainer, 'latest') def __call__(self, trainer: Trainer): - self.save_checkpoint_and_update(trainer) + self.save_checkpoint_and_update(trainer, self.mode) def full(self): """Whether the number of snapshots it keeps track of is greater @@ -83,7 +96,7 @@ class Snapshot(extension.Extension): return (not self._save_all) and len(self.records) > self.max_size @rank_zero_only - def save_checkpoint_and_update(self, trainer: Trainer): + def save_checkpoint_and_update(self, trainer: Trainer, mode: str): """Saving new snapshot and remove the oldest snapshot if needed.""" iteration = trainer.updater.state.iteration epoch = trainer.updater.state.epoch @@ -97,11 +110,17 @@ class Snapshot(extension.Extension): 'path': str(path.resolve()), # use absolute path 'iteration': iteration, 'epoch': epoch, + 'indicator': get_observations()[self.indicator] } self.records.append(record) # remove the earist if self.full(): + if mode == 'kbest': + self.records = sorted( + self.records, + key=lambda record: record['indicator'], + reverse=not self.less_is_better) eariest_record = self.records[0] os.remove(eariest_record["path"]) self.records.pop(0) diff --git a/deepspeech/training/extensions/visualizer.py b/deepspeech/training/extensions/visualizer.py index b69e94aaf..e5f456cac 100644 --- a/deepspeech/training/extensions/visualizer.py +++ b/deepspeech/training/extensions/visualizer.py @@ -11,8 +11,10 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. -from deepspeech.training.extensions import extension -from deepspeech.training.updaters.trainer import Trainer +from visualdl import LogWriter + +from . import extension +from ..updaters.trainer import Trainer class VisualDL(extension.Extension): @@ -26,8 +28,8 @@ class VisualDL(extension.Extension): default_name = 'visualdl' priority = extension.PRIORITY_READER - def __init__(self, writer): - self.writer = writer + def __init__(self, output_dir): + self.writer = LogWriter(str(output_dir)) def __call__(self, trainer: Trainer): for k, v in trainer.observation.items(): diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 25c002df3..7959b41b8 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -171,7 +171,7 @@ class Trainer(): self.iteration = 0 self.epoch = 0 scratch = True - + logger.info("Restore/Init checkpoint!") return scratch def new_epoch(self): diff --git a/deepspeech/training/updaters/standard_updater.py b/deepspeech/training/updaters/standard_updater.py index fc758e93e..10c99e7fc 100644 --- a/deepspeech/training/updaters/standard_updater.py +++ b/deepspeech/training/updaters/standard_updater.py @@ -14,12 +14,12 @@ from typing import Dict from typing import Optional -from paddle import Tensor +import paddle from paddle.io import DataLoader from paddle.io import DistributedBatchSampler from paddle.nn import Layer from paddle.optimizer import Optimizer -from timer import timer +from paddle.optimizer.lr import LRScheduler from deepspeech.training.reporter import report from deepspeech.training.updaters.updater import UpdaterBase @@ -39,8 +39,10 @@ class StandardUpdater(UpdaterBase): def __init__(self, model: Layer, optimizer: Optimizer, + scheduler: LRScheduler, dataloader: DataLoader, init_state: Optional[UpdaterState]=None): + super().__init__(init_state) # it is designed to hold multiple models models = {"main": model} self.models: Dict[str, Layer] = models @@ -51,15 +53,14 @@ class StandardUpdater(UpdaterBase): self.optimizer = optimizer self.optimizers: Dict[str, Optimizer] = optimizers + # it is designed to hold multiple scheduler + schedulers = {"main": scheduler} + self.scheduler = scheduler + self.schedulers: Dict[str, LRScheduler] = schedulers + # dataloaders self.dataloader = dataloader - # init state - if init_state is None: - self.state = UpdaterState() - else: - self.state = init_state - self.train_iterator = iter(dataloader) def update(self): @@ -103,8 +104,10 @@ class StandardUpdater(UpdaterBase): model.train() # training for a step is implemented here - batch = self.read_batch() - self.update_core(batch) + with Timier("data time cost:{}"): + batch = self.read_batch() + with Timier("step time cost:{}"): + self.update_core(batch) self.state.iteration += 1 if self.updates_per_epoch is not None: @@ -115,13 +118,14 @@ class StandardUpdater(UpdaterBase): """A simple case for a training step. Basic assumptions are: Single model; Single optimizer; + Single scheduler, and update learning rate each step; A batch from the dataloader is just the input of the model; The model return a single loss, or a dict containing serval losses. Parameters updates at every batch, no gradient accumulation. """ loss = self.model(*batch) - if isinstance(loss, Tensor): + if isinstance(loss, paddle.Tensor): loss_dict = {"main": loss} else: # Dict[str, Tensor] @@ -135,14 +139,15 @@ class StandardUpdater(UpdaterBase): for name, loss_item in loss_dict.items(): report(name, float(loss_item)) - self.optimizer.clear_gradient() + self.optimizer.clear_grad() loss_dict["main"].backward() - self.optimizer.update() + self.optimizer.step() + self.scheduler.step() @property def updates_per_epoch(self): - """Number of updater per epoch, determined by the length of the - dataloader.""" + """Number of steps per epoch, + determined by the length of the dataloader.""" length_of_dataloader = None try: length_of_dataloader = len(self.dataloader) @@ -163,18 +168,16 @@ class StandardUpdater(UpdaterBase): def read_batch(self): """Read a batch from the data loader, auto renew when data is exhausted.""" - with timer() as t: - try: - batch = next(self.train_iterator) - except StopIteration: - self.new_epoch() - batch = next(self.train_iterator) - logger.debug( - f"Read a batch takes {t.elapse}s.") # replace it with logger + try: + batch = next(self.train_iterator) + except StopIteration: + self.new_epoch() + batch = next(self.train_iterator) return batch def state_dict(self): - """State dict of a Updater, model, optimizer and updater state are included.""" + """State dict of a Updater, model, optimizers/schedulers + and updater state are included.""" state_dict = super().state_dict() for name, model in self.models.items(): state_dict[f"{name}_params"] = model.state_dict() @@ -184,7 +187,7 @@ class StandardUpdater(UpdaterBase): def set_state_dict(self, state_dict): """Set state dict for a Updater. Parameters of models, states for - optimizers and UpdaterState are restored.""" + optimizers/schedulers and UpdaterState are restored.""" for name, model in self.models.items(): model.set_state_dict(state_dict[f"{name}_params"]) for name, optim in self.optimizers.items(): diff --git a/deepspeech/training/updaters/trainer.py b/deepspeech/training/updaters/trainer.py index 954ce2604..a52fb9eb3 100644 --- a/deepspeech/training/updaters/trainer.py +++ b/deepspeech/training/updaters/trainer.py @@ -140,8 +140,8 @@ class Trainer(): try: while not stop_trigger(self): self.observation = {} - # set observation as the report target - # you can use report freely in Updater.update() + # set observation as the `report` target + # you can use `report` freely in Updater.update() # updating parameters and state with scope(self.observation): diff --git a/deepspeech/training/updaters/updater.py b/deepspeech/training/updaters/updater.py index 66fdc2bbc..e5dd65563 100644 --- a/deepspeech/training/updaters/updater.py +++ b/deepspeech/training/updaters/updater.py @@ -52,6 +52,7 @@ class UpdaterBase(): """ def __init__(self, init_state=None): + # init state if init_state is None: self.state = UpdaterState() else: diff --git a/deepspeech/utils/checkpoint.py b/deepspeech/utils/checkpoint.py index a59f8be79..8e31edfae 100644 --- a/deepspeech/utils/checkpoint.py +++ b/deepspeech/utils/checkpoint.py @@ -114,13 +114,13 @@ class Checkpoint(): params_path = checkpoint_path + ".pdparams" model_dict = paddle.load(params_path) model.set_state_dict(model_dict) - logger.info("Rank {}: loaded model from {}".format(rank, params_path)) + logger.info("Rank {}: Restore model from {}".format(rank, params_path)) optimizer_path = checkpoint_path + ".pdopt" if optimizer and os.path.isfile(optimizer_path): optimizer_dict = paddle.load(optimizer_path) optimizer.set_state_dict(optimizer_dict) - logger.info("Rank {}: loaded optimizer state from {}".format( + logger.info("Rank {}: Restore optimizer state from {}".format( rank, optimizer_path)) info_path = re.sub('.pdparams$', '.json', params_path) diff --git a/deepspeech/utils/log.py b/deepspeech/utils/log.py index 3fd7d2480..7e8de600a 100644 --- a/deepspeech/utils/log.py +++ b/deepspeech/utils/log.py @@ -12,19 +12,13 @@ # See the License for the specific language governing permissions and # limitations under the License. import getpass -import logging import os import socket import sys +from loguru import logger from paddle import inference -FORMAT_STR = '[%(levelname)s %(asctime)s %(filename)s:%(lineno)d] %(message)s' -DATE_FMT_STR = '%Y/%m/%d %H:%M:%S' - -logging.basicConfig( - level=logging.DEBUG, format=FORMAT_STR, datefmt=DATE_FMT_STR) - def find_log_dir(log_dir=None): """Returns the most suitable directory to put log files into. @@ -98,59 +92,28 @@ def find_log_dir_and_names(program_name=None, log_dir=None): class Log(): - - log_name = None - - def __init__(self, logger=None): - self.logger = logging.getLogger(logger) - self.logger.setLevel(logging.DEBUG) - - file_dir = os.getcwd() + '/log' - if not os.path.exists(file_dir): - os.mkdir(file_dir) - self.log_dir = file_dir - - actual_log_dir, file_prefix, symlink_prefix = find_log_dir_and_names( - program_name=None, log_dir=self.log_dir) - - basename = '%s.DEBUG.%d' % (file_prefix, os.getpid()) - filename = os.path.join(actual_log_dir, basename) - if Log.log_name is None: - Log.log_name = filename - - # Create a symlink to the log file with a canonical name. - symlink = os.path.join(actual_log_dir, symlink_prefix + '.DEBUG') - try: - if os.path.islink(symlink): - os.unlink(symlink) - os.symlink(os.path.basename(Log.log_name), symlink) - except EnvironmentError: - # If it fails, we're sad but it's no error. Commonly, this - # fails because the symlink was created by another user and so - # we can't modify it - pass - - if not self.logger.hasHandlers(): - formatter = logging.Formatter(fmt=FORMAT_STR, datefmt=DATE_FMT_STR) - fh = logging.FileHandler(Log.log_name) - fh.setLevel(logging.DEBUG) - fh.setFormatter(formatter) - self.logger.addHandler(fh) - - ch = logging.StreamHandler() - ch.setLevel(logging.INFO) - ch.setFormatter(formatter) - self.logger.addHandler(ch) - - # stop propagate for propagating may print - # log multiple times - self.logger.propagate = False + """Default Logger for all.""" + logger.remove() + logger.add( + sys.stdout, + level='INFO', + enqueue=True, + filter=lambda record: record['level'].no >= 20) + _, file_prefix, _ = find_log_dir_and_names() + sink_prefix = os.path.join("exp/log", file_prefix) + sink_path = sink_prefix[:-3] + "{time}.log" + logger.add(sink_path, level='DEBUG', enqueue=True, rotation="500 MB") + + def __init__(self, name=None): + pass def getlog(self): - return self.logger + return logger class Autolog: + """Just used by fullchain project""" + def __init__(self, batch_size, model_name="DeepSpeech", diff --git a/examples/tiny/s1/conf/transformer.yaml b/examples/tiny/s1/conf/transformer.yaml index 5127e8c66..fcbe1da4a 100644 --- a/examples/tiny/s1/conf/transformer.yaml +++ b/examples/tiny/s1/conf/transformer.yaml @@ -86,7 +86,7 @@ training: lr_decay: 1.0 log_interval: 1 checkpoint: - kbest_n: 10 + kbest_n: 2 latest_n: 1 diff --git a/requirements.txt b/requirements.txt index 7c3da37e1..ebf879b51 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,7 +1,9 @@ coverage gpustat jsonlines +jsonlines kaldiio +loguru Pillow pre-commit pybind11 @@ -14,5 +16,7 @@ SoundFile==0.9.0.post1 sox tensorboardX textgrid +tqdm typeguard +visualdl==2.2.0 yacs From 256e9c1b9ce53ce0fb09dc32e5f1f7bdd88414aa Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Tue, 14 Sep 2021 09:54:27 +0000 Subject: [PATCH 046/103] more doc for egs --- deepspeech/exps/u2/bin/train.py | 5 +- doc/images/multi_gpu_speedup.png | Bin 211490 -> 0 bytes doc/images/tuning_error_surface.png | Bin 110461 -> 0 bytes doc/src/benchmark.md | 16 --- {doc => docs}/images/ds2offlineModel.png | Bin {doc => docs}/images/ds2onlineModel.png | Bin {doc => docs}/src/augmentation.md | 0 {doc => docs}/src/data_preparation.md | 0 {doc => docs}/src/deepspeech_architecture.md | 0 {doc => docs}/src/feature_list.md | 0 {doc => docs}/src/getting_started.md | 0 {doc => docs}/src/install.md | 0 {doc => docs}/src/ngram_lm.md | 0 {doc => docs}/src/reference.md | 0 {doc => docs}/src/released_model.md | 0 examples/cc-cedict/README.md | 58 +++++++++++ examples/chinese_g2p/README.md | 5 - examples/{chinese_g2p => g2p}/.gitignore | 0 examples/g2p/README.md | 3 + examples/g2p/zh/README.md | 93 ++++++++++++++++++ .../zh}/local/convert_transcription.py | 0 .../zh}/local/extract_pinyin_label.py | 0 .../zh}/local/ignore_sandhi.py | 0 .../zh}/local/prepare_dataset.sh | 0 examples/{chinese_g2p => g2p/zh}/path.sh | 2 +- .../{chinese_g2p => g2p/zh}/requirements.txt | 0 examples/{chinese_g2p => g2p/zh}/run.sh | 7 +- examples/ngram_lm/READEME.md | 3 + examples/ngram_lm/s0/.gitignore | 1 + examples/ngram_lm/s0/README.md | 89 +++++++++++++++++ examples/spm/README.md | 89 +++++++++++++++++ examples/text_normalization/README.md | 3 - examples/tn/.gitignore | 1 + examples/tn/README.md | 36 +++++++ .../data/sentences.txt | 0 .../local/test_normalization.py | 0 examples/{text_normalization => tn}/path.sh | 0 examples/{text_normalization => tn}/run.sh | 0 38 files changed, 381 insertions(+), 30 deletions(-) delete mode 100755 doc/images/multi_gpu_speedup.png delete mode 100644 doc/images/tuning_error_surface.png delete mode 100644 doc/src/benchmark.md rename {doc => docs}/images/ds2offlineModel.png (100%) rename {doc => docs}/images/ds2onlineModel.png (100%) rename {doc => docs}/src/augmentation.md (100%) rename {doc => docs}/src/data_preparation.md (100%) rename {doc => docs}/src/deepspeech_architecture.md (100%) rename {doc => docs}/src/feature_list.md (100%) rename {doc => docs}/src/getting_started.md (100%) rename {doc => docs}/src/install.md (100%) rename {doc => docs}/src/ngram_lm.md (100%) rename {doc => docs}/src/reference.md (100%) rename {doc => docs}/src/released_model.md (100%) delete mode 100644 examples/chinese_g2p/README.md rename examples/{chinese_g2p => g2p}/.gitignore (100%) create mode 100644 examples/g2p/README.md create mode 100644 examples/g2p/zh/README.md rename examples/{chinese_g2p => g2p/zh}/local/convert_transcription.py (100%) rename examples/{chinese_g2p => g2p/zh}/local/extract_pinyin_label.py (100%) rename examples/{chinese_g2p => g2p/zh}/local/ignore_sandhi.py (100%) rename examples/{chinese_g2p => g2p/zh}/local/prepare_dataset.sh (100%) rename examples/{chinese_g2p => g2p/zh}/path.sh (82%) rename examples/{chinese_g2p => g2p/zh}/requirements.txt (100%) rename examples/{chinese_g2p => g2p/zh}/run.sh (82%) create mode 100644 examples/ngram_lm/READEME.md create mode 100644 examples/ngram_lm/s0/.gitignore delete mode 100644 examples/text_normalization/README.md create mode 100644 examples/tn/.gitignore create mode 100644 examples/tn/README.md rename examples/{text_normalization => tn}/data/sentences.txt (100%) rename examples/{text_normalization => tn}/local/test_normalization.py (100%) rename examples/{text_normalization => tn}/path.sh (100%) rename examples/{text_normalization => tn}/run.sh (100%) diff --git a/deepspeech/exps/u2/bin/train.py b/deepspeech/exps/u2/bin/train.py index bd1aeb9ef..fef615ce3 100644 --- a/deepspeech/exps/u2/bin/train.py +++ b/deepspeech/exps/u2/bin/train.py @@ -18,11 +18,10 @@ import os from paddle import distributed as dist from deepspeech.exps.u2.config import get_cfg_defaults -# from deepspeech.exps.u2.trainer import U2Trainer as Trainer +from deepspeech.exps.u2.model import U2Trainer as Trainer from deepspeech.training.cli import default_argument_parser from deepspeech.utils.utility import print_arguments - -from deepspeech.exps.u2.model import U2Trainer as Trainer +# from deepspeech.exps.u2.trainer import U2Trainer as Trainer def main_sp(config, args): diff --git a/doc/images/multi_gpu_speedup.png b/doc/images/multi_gpu_speedup.png deleted file mode 100755 index 286de51519203bb070ce9a539a21627808b7403c..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 211490 zcmZ5{c~sKd`>xd~8`U)Dsg9|goKkZ@4eNN)%9PBU2TUtdoN+=?>sZcWWr+&PDNA!e zG{srWR1^ou3FiqEQk-!Dr_1^N?!D`N?;otS*Jc5q{l0s@&$FNBCGml!*}2nFr}_B! z&fUH9*F!$OW3Tx5j@q9*!J9E?yE4YdclMr_iOGYzCMFjj1o=Pn@_EX~cPH_K9si^B zyF9u8%};&2E%fH<@X5OuKelEH{k5ptb+sn+{E?8`cDJ2_)n1f{ zhG3K3SHSOYKYi+=I{bj6betMOIXq-GF}n>x%i}OVQui*I?;kr#`n@v`qWDfL-v0La zR{(W3<-S;<^qUtt*N$X-f8UNYA4yCMZ63zC)aK!e7TA)Zl1e}#y0DCquyT@XsthT zu|M3%L7lJ8_W|W9gZZc2gp*L@o!{I~@kKmIFxmM%myafqU?wg`e)RY`Kf0o6nzYaF zxph)G4QcqdPVLv%GM6&U&xAt{FmpRiU&?N3F1DQ4&Aua+{<%|T3V-Sc2K1@3S=iEcgDB-P4$RZ!w+J^(o;~wJm!%^V@&S zXJ=}9m+Py^xw|A}t?$j+r=EKTzDjEq9P7Anw`gbSlE8&~pIUVGhBss!9=)Tw+Fp?- zi#z=;45j01s_wiO&YK(QVHVQ$Ue{P$d0ZgCJ~@|8kAt2+sqni_tq1b;yGOo+%!iH_ zazE$nK6HHZ72jU??n6P5g75d>T?rG5Thii4!!;=hSkN&Y(6iKFa?I64ZM_a{P=41pEu04Xlm#71axRIFlLMW88_?HeW&)g zY<;Y$W_MSgbk${3VTAil7U zX#B8aCb|-VupY7*@_cpMre8zlbD~b<=Th|Bx43;M;cF$|Ryo+o z-MnmnSaR{VPyxdf{86#cvyc{bce6*~Pek`iU2nHcz8hGZHIZ9u+FPpx+I)B)c^$S9 z0Ut;aJ!SrA#q4|5A2|vl%%miHpB;wyw;JJt%wAOuK?)z=qp9;fkOfie{ivIn%tPu2 z0H09GxpU`a51hnzkGwb*u=3zT3=8cv&6*bA^R!zN{pOx3V0Yu>i_;s^2(4qb-v#tr z;0-S{P9A-HQTRUJsf)*-yqGWR{Jkdkshe&lzgX<)2ghyy4*5sS=Y&(U<*LXqzhm>` zfTMe-)n9Z?8`PY!0||zo;5JKNOSpLQ)JKK0t!K+kWrXxv&#amK`R2}LfxCZdy-~d^ z{`TVOCvxlO9=cM6llI-?=w6{u#1TLYX-<%jrm*Qz62dGc?}4;)Q!EqYJ; zrDfU0n)63bIsbU_r}|^vkAFX~7`D{Eqkk^UT5#sv+dEH$a}uHh^qvW^6QGG*3DSv? z3GIn4t$sAV#J{u@YTy2S_ta&%!h}b+MsJQ<7?{@mxp1jbf%OJUa-F>rq~!3Yx`JJL z*xR&sxHp(L{C{vS@ZY_2<*)bptiP=y7B z+h1|P!NEQuM}w8-6GFu12YxLM0*cuWm^XUfFz(TR=J#EwoU4?rq*snr+65a-yp=Ph zd=~FT_Djzz&kO!q36`w$2(GO=I`O(Lq)x5QE*QhI+K|~8j_BXKw^_8g#d7Im^%wjy zT!3!CxMwz48-nvw1M=70B*LXGOI(mr)gFEtK%OqVMEco#t?z-GygUIL$2^8L z_0Iz7(nMXNmucGh-VRa%31y)VvAJ_Eh*XhD^1G)n7o)R(mNl@1DZqe?j zZs~48r3@t>k&mQ@>Ce(tl>9Bsvf{E%Tc}uUXS(X`yAidLuXpJ=J*9ewPRZzn>0q7! z$KdH4FE+u-H1BWIH8UH;sNMqNxc7|r+b5bs?!|4llaH9IbUimOoIBB#o)KkxzxZ0Q zQ8C`u3>$%!q+X)Bv+&gRl0!Giis6!@w&z$Eil>M_l!&H}E86n=pZ%ngbO)=tL(`U` z42yD_To4nE^#b+Lk&xZQE%qX6aYg@u%%1FD0xVgwenUub(EYGIa{1s|VS1s+P~ku! zX+Bqb0x$r}fX1?Q#6KlBnG?E9kzJ)Vv?!qzq-&`w z9A|)oOa`x9S$RF_JE=jeO%*|mU0==+Z1Ma=2?NRkG4Or(Q$i1+F?uW7A$l`fZ$EWU zWFN`FoV)njD}L3p`ZBA)pL%6i0>IPYTg$gNx9b1SMTALd$Ta!F!^(WGX@r}XX}uDC zC%SHupf#ZMUVK!Dd!<|bzEIVT#ZzOibJ{0+qUDy)tDiBJILHv`$f5w`Uf%x8?2&1( zsg!BHDb*C1@GZ47)jMe+Z7VTXI?5kCb5;l9oHyAo|RAEY4vMW zdkWl7M1S+UM|p%P6t(uh56!mKS{e^#&mZqk>;8#qMwJ^Uzxj}hS79k=yd3&2-NAS^ z}~FO{(Y_4@fPlyeU0PJWo3QO5OV+c^teuK%~Sl(52dI#j9^xAH355==6I(BXz46qALF^LW}A{CQ70mN_^^N-h$GrMJ1b$ z?cRP}L33(rp}nEi(ZVYFpRH(UUU~c88BI6voJT8vvHD_6Zey-9L%S=os>3H+IEx%7 zv5RNEi3h7zI@uG-Jgqi98CF$wi<^4$QSs9ol+U z{w9ny{09ErwXb#{az5@0M&oC$lTVM5>%r&OxFGgYs>%8`r+LN zJ=@o%qqU=MA@d8%IwC`rB~P(f=iP{jln`c7yN$mq$OUJQD@iQ&8gpxUJQtUS|1`=9 znF)zpP+LG!n4c5dypVAXn^9HnHWi>igI#r&fh)O^RXykjJkVkwW#fGX zhGaE?-)L7hpL2RYdVFa=fiO?o&gr<(JE56JUnY^1aXHz+MeN|k`HCjf{fPCmyWQm# z&7OjoGe%**8V)(sGX!x*b*{6~4vON>Zy06hq|R~iu9pd@ZG^ywdR0E!SvsfIa9KLb z_%lOvT-d~&#y}Qh0M+UAw-d-;d^|d^V2372X2b6lv6>CxpK>?3ypj2?~NmJ?_$nv+3b0(dhSD+ zO#Xw@yDay^*@Im1Z{j8z$VRP5JbklfNcLFbF~P|T1WC9PhrBpJ-ac5N!0#NcJ_*<| z>ub*jsbfZs+oK73kMyr!o+E`XjHN2%Wr zU+IM1!tWgYdDd_+Fb690qOlBc>wbLW!q;5k6A%1X-sX$K5Y@=IZx z;*YJ~)xCbbCh+;MeqD)0Up@q-Z(PIX&sSlw@_UbdEmWl@f45r)-*SI(=Xvs_Mc(D& zRKOhvC?B7g;=ivWcOPC}<>R}_clWPbkHU{E=A5bti2@vkk*3}}xoRCg_5S(qpB@t5 zpAeS1fBWsdq!V`c{*oH}a{t`J3s!HP?=aqcyhHp`%QNFiN68`Efw_;~-W{jxJ4G%< zk)gS4D%WKQxV>M$va%gH#R?;jKyZyz*WIAQRl&nmMwiQS5K6C!(<5EdVozREL1Yfk ziclVx(v!#XJ>(i9f>J}cF89?!t`Zx#3TRF(*ZrY2*hSNkzR}iEOR!g4tCMAvG5YNw zh=MpcfM}?~(C4m1R3PirWT^)RmUGE2OLa$Cr%P1IO27X*aIUhu2o{-To!|F$3cCsbn{9a!AS!Z`xs>z~-? zwV+H2x}@bd2i8<_Ks4pw8lLbE7E6h%$gJ$Rehts|MzF#)U4TsIHPReO5x!{P1F=m)tqFqo!B&;6pQ%bJPax z>lYo2Zsc8XN_mOr{WH1{A?D-z#m`0u?(k-OH`_dBR?A9lu}LAh=<~K}zO+7&1$=d( zzyd)K%O&ikWGQ4Q(02k1ql0W?TwaD8r;6I!x&1q^+&*0cYG)88OCc#y#x45Pp<~3^ zq^|Jwxu^I2f=X@)_{@>+s_++Qh@qn$;gMEd4Nx{Q-Q#|VZA$3S!Qfqpnhr_Q9KBYO zMX;~+1E(75`MY3Y*ofhc9>|>)`ztYr;V6EZ8^v^4lx3haQkfpBu$3%%U(3flOiIKCIB$r2K# zq6P_DaH!YzOuyawH;w&nCyER-s)V4=9(GjGOhmPOTKNhoG9^|#<9dI_jsnDy<)s2J zI!QAF&h|>jX)tTJcFK`j8I8Zj_@R-_#(x0u)bjsYkodFX3y|No4@WErwjKHhKsbQ< z5bOle2f4cUQ*vAV=_n)$x>tnZl$tX7#ZkI!ZdQSAti4`qw)9L#vW1F;b4&Rs%%g z%LSk`G{n%iR^d$bdQO;(_W+lcVhA$qGeU5^)2gP7_Ae6;x`z%@W6i<2flzNlkTaKh zzQ7`dkPQI;u!DjLoBv-)5syATjHy2?klteFMMVwy&K1AJ;zS1qi|hi4cv1fb$G}m` zY9hLY#6QaL&OyhH#8qHsXNGE^YIR&k9kkOFM|h&his|h;rVbNTo`O4;yL%tD_K=F% zR?em25Ss=V-H|@p2^ydAJUPLaK6>G9$|w74j8@2?CMFy@h`81&N$n5aOCj}B(FW9> zhOt}Z_?^}-;E>Fr$M;pK_U>sF(FI_Z6K>3ulcgOuXpA_pHt|)fEzOV#@{1pyP0~gV zt3OloUAO!1bEdv{dN#UgtbnrAL?R7Qv3Cj4qZ?S9tXK091#xFCNx^lEEE12&UN2)P z73@7QuRmw*S~5y36MzmU>GA9C`%P%!z`lcl0%WrSHFAhZo+3tp6`CnkQ6=?Z1r6tt z)4_O=ytI(71*Yx%<_AHzn0*#yxB`4r<+JRm%ps-H{>%Q(D&qC;HO$}ziunuA#+}<& z-181Z>MNCZ?^t*!poUAbqN#T6ne4X~&fZDY(d0G5lFZ8Wep^CqXBTYli8_Zntf&y^ zmmYd5rtSYC*?$Hk?9J*lUFyhaR%VKblfl-Ea=RnpAOL6wPQe9U)!o!q#t}<=8(Okj z@(K1jXk}OMq>R$02y(0lVZYeNb%TD+SSx|3`UV-4aLD-rguO-Z!H@_fO~hH&zU9>pws*@M1WY6F|zQE#Q7Mo(mM`H>Ql=!!xtc#UX1#>GE#FS67F z`R*ra=Z;cw_RKBCp>RAcf#pyC95-AWEv#JxeH6`uG{sF7&m7$U!Q}s}gadv#e#r8W z3^|+#QHVz$$beHE$#W9z51WW>>3Tym9n3e?XUqsPOog#QJ``NjTOX7Hz}AkFH`=^J zK;5-KXZ~7%8i0nEE%0{md}K^t2n`jmgX9VVv+?BTyMilP2BYDxeJVwM&wxh(Mq4FW zs`?AuU)S)s^QPz~%}_tIs4`6hB)}9psXn_Wz#>PZibA5)Ekb(b*ayj>n)_ zCHBy<9Z?MpI`{eDEpmbWxYu&H;rP`! zqcka8n{WXpbC$k)=RTL(O8qFN3kk9JFkg6y&Bj+r(4h7#Z_p5=VHO_|Bca8q5+4+A%_-&8)hyY z{hg0X!L{y*$=XWousK`H^-YxmZzZz9DB{diLlrH>DH+a9$KO$eGhA;INI4$S|DG?u6Y zG^k7;3`N!NdYA0_t0aXWbZj}Z13xI2;_bQA`>F@RvH)4CJ@y0JQ8{vchuZ&1Q8|k3 zg)Qzu<11%Zn~PB82#9NLrX$FLy&mLu-)GBav%|r<$$QS3pbK3m&1f4qrzT<@r?2Yj zkQ}sYcf6A{Z8v8@VUovxyZP|%{`lGPKLaFNVF`sWrhBHe;e(ou0-XU1bZyFvbkn1` zK4a7J(biur%#XHh2I4K_61pswGzh)veHJn5SZ=?@$dqmo4*SKMlJFqUUBmHsvqY4d zj9fQI@T~!0i-8<%9D3}s-14%ikma+O z5TupJ$qSx#hm_-LiQBOylL~Kd8|Iq}l`YhoQk(Pgk&7WJqpJl4!pJERRdN z>x0GU?+u`wVqo4(=NNJ)Yf&Z*eZy}oqbMEk?dO-<-~u7fm)8E*d9|-PT6;K%sj#t8 z4U8&jiE3nf&j}5IqT7aQ(TebprMpf#IR#Z*Mut7dOND~wLT|i$n$T<6%rNs#&%pd_ z{S{U->tu(Dm@k+-sbac+o(x~G17pAJ+ePP4=6mJ_jzGiX-ndQZODmECT%#C?=L;0U z@c=B0=@`=Ev1AP?C8ttG9OG*>ednCaoY>teLjbgl4tYFNcWs9{sHDE%*;T8LjndqH ztX5Jp&=Ef8SsJwH1R;>kbOyyRH5=A;2+cr8I#jouI|`W0cKRQt`M)V=9+qzxeqz^U z`>^oWfjtVacixyDWGXcaiQ)vc>Ej&9`1PDF?c4}Sk$6RcsrXs}|D2?rnmzL06>>Zh zlUke;A!(gvPZaT&U8g~E1VAPI-S!JljW&6FQ`=INzNLD?9LNfh2*}e1m|{PK^ou83 z^dtdT5M|+$|0ln#Uk!d|0*PM
Cp2 zn&}VNE!krM4@LZM__SB!Di?g{Z{*h=Dg@4ZVz?ie;|A-g9`#F|Mh8|L8~^_gMZ%8< zO*u!|FC+1i#YG^PVIdJ9A(yt$MD_YjC(KdO^u`N+z4gsA?Nc)U(BBY$%46=GSd0x65Vl zvU&W}=_`ve5Cw<(Q-3D5udGWJM-P%3A`(ePgxZanR9cRbrrE-f1eDFC7TVMC8i5MM zz`X$>|6G`NfreN#ZO&~_tXR~a(2uoe4$l^Ab{1@PfO^Q)rt4TUguY-LdxN4Jb2UP8 zXKm_me+o6VlR7nw=J@sX#Ox2n_#R9h?#7^sU6#C2Ebt*0`EohTe+}y!83z9Nfk#&7 z9baz7Yz6NFEk8+b4=v{vjx2ShKAk-12-#~@0?SoV!*Xj|Sx(jsn>oqmD($Yb`k)dX zzS^&mK+cR!L!joaO>(9Tv{i!I(Gch%Qs!pp8<=BLOch7L+{r!CV?=&sqFhcv1~5cR zqku|*aSLNHdr2O-_*vWfb9n*{^Dl%v5tnbN$g#e{854KV64-D}FO?HMsZV3P&x<&* zN!1w*-IB#s?nS_zT5e$&VPPzmI|AkAxsEIG${AfG%qhq2evX~xI`a8|>mr_dccKLL zaBr02m1E2VP)3Yc4itleM%?}=ZUR2u9yJbFi#m3=CVyDYDVN_Z?}31KM|+y~x|)0@ zIXP1>Xd}zTADZkm?#|ZrXY1~EE_WLiE=|;yfB26yuynfQuwv=kqO6e`rEN_2dlX&_ zz6mu3Z?<~RbzR~CTcX8y2hv{-MF>erRJQDn7(O3*)MecSG29)ZxgON|Ok;is&gcWl z00D8E%rcRHGqx#p-G)6$PL9U-KG2OyEhJDMLYj9EkQoFK03LWTDff-GB8)8$0Jy7y zf+w@=Z-UPpnX;lg{AG-7sAMG0FdrB%om2*uu)Rr!!o~iR1cNhE`q4q%kLxdGpmjt% zUH8dKuCl7bl~C@q7UtlxFbrxR7m@;MHjlncgyR$2k$K?FIb}-7TMzYeuA}DQJ5PH% zl@-w821qZ4gN%WRr5?-J4o}-2hEMZHPd|3frM@yC_aCsD4pltX1>4(2iWhuQ*lum)B=fyIag{)){%wi*_* z9X93op=rjhi93kWYnVA_vM5>_@VZA77v9zr*|Z%AI+QkXyW6l}gBx8nCMG{T2rCW# zqT&l&YytWdG(}B5+G#P~Ye{XY2!pqWp~=siD7y`y!qB?>!!7^ADp;F}t0q>ZNspSv z6eD-WeCLOMXVeWfF3)@Kybq?Y)K+OH*^L_*M;^EAg079Y$aas%xJxdBA!xJ&+^kLZ z1FlpTlFy@Qp@3^Tlbg!m61HP3tX&)_hHZUkZ5$QInEm>6yjB;sReu2z1@q3g*iT`3 zy2`S&DP7M*&VU;nhi5|rJpv?c`WvdcoJ`K@24?BGYLX^0M2a)G@%*ojmicAsdI-0L zNd$=r7gzwt(aFuvj3AeJ5DDcn2JX0ABNhvi(PAlZ53-0L`G`7{)>9yAt_q;u;$jomu4Sjjqgwn7AbzYtFM%02njl+bN{SL6K16I#oLLK?-p@~TwFD( zIiV^G=M%C27NSN@?g}TjhjO?_@z?)pZ=ipzVPeToFDGm6=4a{c`l)^0rrr9cu`i>; zh7B!-K7K*zC?7vqmy@4gc#E_EW#`~vT$FMkE+S21Y~29 zCt|!uT(^gITC0279!rj`>IfDT`>U?G$+osVPfT51uM~|pZ3p>AU7zieo);F+6D`io z2wz}03sfznxRZMAzz}EDTB$&dy5Ct~v|j6gGYxC}qf>S!B^K5HHA+c$x7@Wr+477M ztE*Y-yR4j$)_L?%{-5Trwd_!GYbvGGA{fN4#Q{WMk19muImb_kp;%q6<0n|&#i2PZ z(rp7(glu9?7#v!NX_y_Z4?!!7g9$JQk3<)T!?K3-klDlmoq|&6I-pxRo#G5OPpP=7 z0VA0Q#M3nnXd1eLQNK*|oPV?$?vmOmZ#Mx@HZMwk+!R;$J|LxL-wyS!hD~ipP4&Ff*4`}nI<~w*;dnFcUT8x=(d+4Y8WFw8`C&Jhz07A| zcJ|PH|NDF21^2!)P=t9@zIH+)mu-B=&Jj2<6Om-#?sdraIQmBzgV$F)ZQ#g`f*!2bH-@tLc?tQ{^y>C zXhw0V1a>${!8LxkQnaOk(Yw5HwTd=yJ|1h*9k@BQ=>?|Vi#(p5N7Tx-pc#Tv2&us} zK78=O#{#D4Y*A%B$UG&mCnSRUu%IPV1Xa~CR!|egD$dzV1c0WbsFnOQodQ4iwZRV% z*MkJRK(b-O4NtXIvLONxuwLw+Ml46nO1Bhk+Qn?zCA+#EPE74jFvMfl#08DP%JNvN zefj-f`J5XPuezq+_4OO&at8|h^xu4q-NBcJV5NW%^3!DWU{P#rXNaoP%O(!0X~byp zvEbNVFYj|&Kh7p~>Bg)p#{@y+4aa9xFJM-TI;Vrk|E7I%RdOJ0Cm~HgX~5~iHZyve zDS(+Wl_vJ&=pWCI?DVUN3xjEPzf~(blVs#G13&}C%6yZQ8__~W~>cTvvD$P$4GM( zJ4jE_Q@LVSq5&9fyCi@rPcjEa55>6u6h_u@-E#_T>fIB@kN~y4`N)%}x?ie(wx{)c zIgY%o6|Vt?Ov+VCR#$0a@!dRnT+=$87MIOHx(#OJ;RV^=8oiH9N~rp}n;VHv;!~F} zXnPO0K4hK%Kz_aL(HToQ0L(rfQe5EEQ>EutNu7aSa$jhfnHoO0T4KE1ckBTx);!mK%B&h4l0^W3y%Y3Vdr zw?`b(43m~!;F4ZZFm{3>Dx+V@yZ0!nl&!GWydu;?4@p}L$XOcaD`3b|Ji5Jbuhkx7 zPtZLdd)&hk0^|_;vctw^AtK3wgi$FJ-&!8^&D3C-pk`3HtSh?VJTcT8M;<(nghrN` zGB&Wq7C9T(c#FpK#8H|^yua%d*O9(nPHdG>@bfvUW87+cuj29q#rek^c;M<|O zS+BNE#ayF6mne_n*)A((EC35&ES&dv;&+Aa)npFl3moW1w=rdwI;&l2ra-;8 z@O>88xG^2m;8))qR6FdnTf@Au0*E4{pcWeDE&N9ty6PLcf78d|-F+Ohb!^Htw}q1FbEoC8^i3VzjjrCqqxP$Z^D= z%PUE}APd&_xBO&%0swC2t{n#=zcr8)Nr&kes)(N{SkLMbQ7CYqbJ|_iekF9F_v$Ab zRra8Geb4AgeN>?go%+E;reU*uUfI+oq*bxW9qp7}3$z8R;S-Z{&^wn*1qwHE%&p9G zbyAc2i@xZT+O#*Y-{x+%e)*7Ri)}X2B&)c}+3u%29giN6ok>tOoj~}L4cv>io|6qZ z4Rp#}s2|D}p)>iAEKuiSR_^>~jjL(R?&;{Eu&AM6<=*q@=4a*iruqGW3wc2A-$oji zLvSd+%ncLc4U>M)n@6~M2A6ODZJ0!r{t=+Gnh1i^HkyQfnjp=;3?2K?6A&dJepP09 zx${f&%BJgzXz!ql-E_F!^qbnpxCjWsp(U~6P;!WNnc0^eAp z1|w`td`4T(uT+ZQfaR8Y9QS&u4;uOO;E;DyfgRHAp7zHu&I{RHHPN((+VtmIv%fre z7tl;AOI3KhJ;SC2y$@(#56JY)4P=kbil78eDyn2dZ<6s2-zD_J2*(PH-^xW)98*Z-VU=!CggD7mjQD-P#p|mHsx^2zB zL)jmvU}vz<16<7?LY}W+0pH0E^ndC66nrN>W@jVjo6W57_du_ljYIS5sP^7t6mz43 z^}__pN?NhBdJLxvq!`22i-Fd~s>ZNq{Q_d8eSq9N<2s0Eguq_T6enliU&yFQ+3z8d zt=*&&Y=$8LOPO>T5tEsaz=Ob5t(B$;qg$lweDo?4E-Q7o>q*7Gewcm>yq9rca6&v(>+}g zP;3OPO%kMHW{$XIc8fJW_)Zb0F4fnKhPUnG!mE*)0n^R4Z0b}P{vX(-2DvVes1G`1^2w* z84^^Mw~tuaK@^4(H+h$`rs#;~6`3x?28Y7i5{1u*)tvE~>EjyV&8myiO>5GW&VG61 zne|WK*ZzgO{t3+-2&X7DZLcGZ*QVCIDM<+@&d9{0-ov+edp~%)OZmq9-K8T2`U3E# z#V&#ml;t#)Jzp;1x*Cv=Sjw!=Q}pcHDVg&1gQ7eNL5;l=0AAfO4sNlNT-4IHXQrN& zYuDTX{zyCANt2(f-5nhQA|6IUR*gGG?h*21W54%KuQ08FbJn`sgzZK_@N-0& zIsHFK-8hZiN#kUujRf56Iea2pFDJCVy|YnZ92G%-AwD=U%}LV}-02i>ElVQ?dbxZ( zM2?rz7hf8h4>7;gPi~g>zcj=k_iNWjKz@YHe|H@!S-tMLcOousCejYJH=lLvAK%!O z&keg1D?nL$r7iv3G$c^m(J_ng4#qe`m_CzV{M_jIv6g7f?Y2ebx{%jh zw=RbLDTfvJpM_5hMNQ0XhjATmLK;V%$Q9zSQH1~DXlp)3rw>{1fiB}@)PWKlZCzqi4FnfrSdK5rMi2`>lLv(8U;TA5dN3AX-D%wT??DrjyM z8+p(MJS<&N_L}ze>4Bf2`W~yZ!o@O-S-d-b;j_&#RJ8j>FHdukKsrXbW1^hvFGIsdK6Uxr+w)uSRzQE-RF597kWl2# zK15Ba`A4S^3VbmKrh4f!M7cavWH{sL-5ccG00;G`G~Tz)a1x6}dGHr$;Yl@IqW9Ik zIn?kQ3f%sAL!)u#oc}O<&@O5az#qGHGq-sqJ=Tn%{wz2^!K_Pio8M^q2+9-4&Wclt zl%cenW0EVbQJ%ssu*;^#Sb~A~ z^F)@ND!{|Bj3)$~IBxq9P2c777rsz(= zVW06JwD#GF!x?mj#w_!iIdtO4C1l&0WT_zMjo^s$W|5um7X#Ph>o5~?LfV1p)m(ty zZ-3jh^NxJSp?LND=ZNV(h@X_Mlq-R(I0g00H-ppAS+m8?GP^+Ba#x-@@)DG|{6!C zS<0+72yH+VQBn7B01H$J1P;%}noqpNpo=b(f$Youfiyr~IZM`Ji7otYc{*`7Q*s-tmRvoC4%H#QmOV2a3Z%`XFtX`7H{O@EVAhdj17Z!$Ez zvn*C!bDW{2%@gX17YA8{hQ=hF%j&nY4L$lEj0&wRq^Xb0vK_=-f_sAjer61|H{8~L zs+sxDlpb1LKXE057O0L{KEa;^MJk7)=_zZ!zc=5gYo2@N+}X*@U4K_4Q171-Te4iQ zSL^&f+o(E)EF6k4>;{GtW`cqiOJiey$g~%RTsj1g=lB0S)>uQ9D;b_r&tR7M?^FG6 zd|upbsMARM0fKc}3;6#PGTb2`V0S9uE_69&bDOh^{Zf1SMeMR~He-fm4F(%7kl<7# zP7w*$C#zs;j5G^VHRQ+ERCwxnC&+o>iAy;NKQVGKp)wE&8n!K1-I%o5vM3#Tr}XE`>&BNMpafE*S}1KI0rMPXQYN|h>K6t zK0rS*tLp}_`R1>Nbthp=6@`WA{Hx=`ZOxwi6y{4lJ<(~toMWXCUPU(o@=)OYLGZ-* z4pC3Hvf@92%0xrHFlSL5d~C+$2JF_4`hkgNeoXbuGre7z;DER?>AjU;R@YNscrE8$ zvx{o2W{VZSMg&h&V^(Q7->aj9R=Y?3W(M9|o#)B0{Y;}96{K@o`T@*`9_sU5O>;Lo zccf>C=ID``iWGr^Xs8U5`uZT| zG0M_JuvE=oLUSR49n&ryyXVI-o@Gz$O$7dIeOezfd#=Nh%gO920B?Om4rb&7^!DoZ zm;8-yh*yBa2a8?tGbLVOy6?=VIOAGli_zaA&;1mou@mI?n&pjh3T1M<=Dt~x-N~ur zhp~A;!QCwSyJGm-I-ZF4^PF=sgt<@WuNYzB?uhfssbyBzUwY!aUbYsAU#CmDO}Co9|Mzg^KDOA@5x)RrHJE`RZL(;wr`-v`RM_ zVy3j7Zl6}^YZZP>GrED-*0kTL8IOf~4A*|tm4L^ER9at)woiVr{<@=I3hWM>*;<-9 zSYqCUT_SnDuetPkGiGTh8oN){_fu*aE;shmtsJxHAzwdFh6jyg^P4d%)Lg&+ ztKf6ux)fz)QjC_oK+uScxi*rOz)8;8`+7BAY5qswF#X<+&!@*)yIz=^X32%$(u;VE z8D2;us|I|x=rPFMU-Vqr;M@hWcq;5#y5V{?X1IYuQ5$`D&DNF-8)< zeLoX=kRQIvxhn7#VW3~Zeur$Bm66mC*J*y5hi;ttjujBNQr{$9Sz4HryfIBY^goIid)ln8qQBr!b>bZhnq(r5?fN=p4z!{MfK`S6_< z`N_%qOZ7Z~S#SJB`#!ij&DOlj;tg=AALv^rea#>Eal$3P>rhQErt1)*Q{v%*4Ge5e z9K2+iOReEqx`2V7NM6wp@dzHCmHj6ISc3oq$ZgsyRfSv6Q~=V;$U+UNrE6ngd#BPB#I1Svsi4+DylrEhwD9*z5XrQy*q5v z8jPl*>tw-;R|?|vRW;2v>wPacL8*^S&H(p$y|K<@ZS{5ue2J$(eJU@VY)ijwT1uGd ze+-?!onkg7VjCbD`3pEUPp8=?$_>5M7d5+$zy8`}48O{Fys&cefC#F^LyT-op+C)^0%*9=s zYeoe^JR3(E7W+-W#De8*U64G;b47YIa=M0;1ThENNOqkst&B^{$;$#l;{#O%YpB=w zsSO0UuRGRX9pLRrhEpjK?$}G}bViB|gh16p@cL&{0C+Sc)kFJ4jNjzi_pb8j_~Ox^ z*>t48r7Y8nVsP<7g2l%ax{BK+UvXUdz~7#(E_h*nQy+#I&^agzbYnl8;@T=CJt!V~ zTZOYr#ohQgF^K86I|czsnxtE?-Frw`-+R)st0||kb>y&_XO<-OB{JWL?&I40!;$2LA$@+Ak{qo=X3&#Y)#ARe_@)?{B4Z`eM3vBaC z>cnzrb&ue|w4kMDxA%cQBagxt^yQXp9?CZG=a9=$qq@Yi$lrsAf!D)t44Fv6aZ1u`zj18a-GI&EJau-wtkm5o$V@2EUflh-C(ks;%;UP)ta@m!tLSV&{L|9wYF-a&{d)x6BVttJrRA_3uxOr?rX<%usiht{z4)v^7nhe4Mj zb{cpt=zP}zveb~W?_B$x=>%&@!r6acH~oD#wRgp%@F0-3Bhc&DEjwEg1t+4KHn}#k zvo%T0%=Oy+eD+|R)sl_fc`wedwCiS5?1pfJydijp5nCxzwIMSJh zkdpUG8dC4Y3;I&urR4@L@p?q>-V=Ks>qxgJo&=GP(#iyQ>KP=r762%O0AY;spvviP zX=rZvX4$lsvTKS#VjIZPeO9fF*K3Zipp;;u6r;V2Nu){dMyniwc*aSdgL~b$dI(q! zkBjX(&Z^%satNfpG(S;K84mO~r*Woh${brk-gY|T=l6Z2e0kkKU15~@B4GKoL)6C# zEUQ-hD%9Eko|Pt?m>{=sL;-2HmjBm5)AzZvpX?XnCs>v*Y%B+W^F z?VVx(^;!Vx*tY_Z;D?7A;-BJspOQBHV<}C6h3m<#8=tn=bD}X)jJ#uuy$<&yLJx`T z2iuWMtw#b|LGn$$PHfH**Qm*{4{5Gc(7vS#`vcQi4jL!cL>KW~>@;@E*{xXk9Lg(c zij$iT_^aS^oGd#KL>2&O4;#pCO?5Ey!BdAiMLoxJ(I{~+ovMck-*3H4c5E#wb*9Od zdMh6A{jMa=SXAivmViV!~$p8rjNd<7x!*VWJ=K+KRcu}xYI z9{RO@q(|4nRX^yDk#~mgB2*5G09*{MPkV!NcBra3M+gwvV#C+)&qP>?y7*j)kRFNm z=S(-!M9{xdtz2KY)kLa_>spdaxNfMkW5LYf-1Uv0YPv{UcFyNK%2+76Uq~A3dE;X7 z?o|fN>$zVt65rJv+QMu7Bo6!vC(e4MuMnJ7l(9y>>zipms>QetCcf-ZMf~^6@)HIn zAH-6)jxZXpLA*-9qwqs?yfP*B5*QWk?(Lw{2#szK+z6OqrhkoDd{`lH z@{ifFixz{uzArLcmDTC)<+Z)@U08bt!!$dn6(A0R4_y+^t&?PJv}TE5{`EVXf_krk zp$m>?DwYs<;_H?>OB;h_%FNLc2bg#AV7~2o52PnG_}T#%SMsy)YjBctf(? z_r}06LTk*wHZ*|$RhF?IW|QY+%Nvl^9j>c`=5GGfm~wsSAN=fPET`eUk0m5nQo1oX zHny90cLDaN#^-XnJuUg+vSbPVJD`ZZ^nB?T5@T&ax;49J*VLs%yN*1Q6Z&>AAu;jl zYm1cO|CB$ehyWM7k=~kQOV?=g#r-sDMJ@*lo&&z)JU?uejfyJG9TP7qw24H}vpwd# z3=hy5ymTaL;^3NN3tiPyC71N@b&f&()M%{&e{3bmTppoM<9geaWVX(T;Ouq!lKvNC zZyMFqx%P3lwMttRsyvFwR1Xze5fCFo7?N5~p%x*nRAz{P8X-V{03nc}l@>%9RH|VJ zq%BHBCXq1=iO3{El42kX0Rn*}%prt85=ioH&-0v~v)=d1`(?9Oiy_Ir?)$!m|Npn| z=Y!S54jI+P@xYw47>8RPO<|4jGHP3%#h4b;HY-l#w)j`$Pxg)-MpmOC7d`^-7X{Bo z{}~?hZ58*HJyhUF#$T#?X1n+Q2~zAz0b!ye*Se<}G~f~I}3JUVqgPa(#!#FsGiF8Em|znt1m~?m6_N$elfOfVG$*XQhs+!=Ju||uIsrTa&Kw|MDet_ zu+mbNt{?k>ovI|!*&{3dtAXN=%WCar(}Ye|Zq5Vf-zLQA1Cm?pH$u|mpiD{rW{!Tu zNW$+u7|-OnKkwQsy%KlV0Dc8j%H(qB_Qd*;17$`Z#&hoAbwBceyA!?5T|R7?Undb3 zNxFKkJrEa^H7=|s8`@*m#{XvT?<)SvCW386{B-bab{d{8e!2d1uB9~3gJ`s}v+FXT z0cwovTT{i>!5OPZ_R^rMO$H&2R@@ZfN$&#=b8)T5;^X>x87C=abNQB`Y4;Fr@ms#t zDbJ3**X}QW9^MewcHdtKjAbFTB80BHv2S)$rPt}Y z#mX<;A<}1sW8I6$RW`P??8(t~XMdT$3>fiFKc!>s^MmZIxURnNOMy`cytMx!-}JWKDgN$n(S$_RtKs1r zWak5D{|Ld^JXGlEEhlAwA6#9<76xJSb$}|a{?s@zv)V2SXqa<5*5`AJwi#NrBd&Q& zd92K!$U{kIJi*g}flWc|oA0G$uwh3T;kUNf+|UE@H?q=Ss6Q5ZcIw;5Y5VcM`ptipc4bhcQ1NnwJrbe@jYt z%xH;ZHuWuFPeMsf&giZHFP3rMz7A>6G`9ZU+*{{^T3hNLnXOxZn6DCfvq*M*c}knK zh6)V-ki9LF-gHyC%%wS?|7zyRUK!BO_+)Apeo}w>sctIdBPt++s%t4}0&7-q)&t_PVP%7kI=Q{^@T<4}hqEtQ zjP?vh2rYFfDZ1g|&tk*%E#alIh5$IZiQAtN^;plHEOmCwEvclm3^VETmcGzdtNG?a9ek*W=6fd>#9J=ahb@40~|8Q5gG6ndef`WtU9%j&{M3TBr7Z-p1s5 zIBLddS5LUA7hx3ou_=RPvYlX{)C2L)yaez`+uz!Z9zT!4^+xj?HVU2AoOn~$o7|Wj)Zd<(c`>=>s~}%Vn>RNDrvX*_MJdGb=Imw8niayv8NIb}C@-Zu@l5agt%tQZ;p|yc5;syo1Rr!W zwplr;t4*Jpx%}2SMc2&a5+I3?sd0nFr^_n!6bymq@)W$THav(T%|={8)VC2l_^`3C zspbedW}Nuud=TJ8jar>FrG@v8oS1Gw1LH0*+sWjH-`VwmHoV+qvIWO_j$n}$7Y zEC9T!Jhv>bEBjA)Fh}?GOuUB%i?YM&17sBy-h#8XmW`(zmMam_kDt^iz+QFX4ULxZ zW8Qu^!7~(pB1YY1P;4(w6yCm%YUe=`dK>L~C+~MWMiH*{MAaWP7NIYcHf@Mo=I7&^ zhe-6zC-reQ*3}Zh8;bc27+UfSvNO(x;NJfMx&WmzP_c=+zZ6eUPoXE8$eI4sIb=7pE*195|)7PaXGF*XXf-X>lsJ%6)vzRx`gH z&_Bi68a;6!#U%uMVY@c23o)C(n_Sq!O49ggs_zQ2XVDHM5YkogcI#iGnbF>L%;2ck zdKyk6qrf9MxV8P$L9Yt0miBmN!@>D=_t}QsYvt$K7cVdX@eB z#ep{Usr?#Xnf7y(BL3gm?)Su6oNfybw$6CNKYbz>rbXBvYBT8(jNCNdPAs-I~jUU$FlXhR2FJMU)9HY2?WQ1FJ!pF7$^eJxE< z(Q|q0hHUlr)7+G0J4wnzcCfK8V`HSxf+~1mn|aI}D_HUP|21YG;3pUvBrU2cKz$uG1ox%g3!K3Lh#(nP_+7708 zlp0+1gqU^jzhp{{kGrwlsYh7PNN*Xs3)dKc6(%O{iId~^mG0??o!44m-WSzfTmL#O z(PQ`!#c|Kl^~7+cVCPBKz>w@cZyO!5@keLZ5=b>opMCpp7C_r2Vlgd8;O_@PyQn5( zOg}ZH{@*5{NPC&^eE47~v}I@Ehu({>W_%?JQ#$?oBBY*$K7_iwKIWhxib35piWg(9 z&Gww1xVQ3~Q8j}5boY*@w`vJBm+pD#o%dEwT3@Y<5+~m{XwSJppBpDNc8?bI)+KD# zp%sHq^lEiCvUL&KM!K=ggdYsdu8(v)j_tE7?|q<(x+y%17^d;!?zv%hkX~_~s@j5q z3zzJEJsXP-MEiRhbgzcE;janmA7@36p%FS!!1X3R#dvPfO>bT`|+cc zxJ8hTB@7u{^(X}}(OOdcbra(7_qt%YgdDLk@!TnR6}PCLbfHQG^m!cjd6fDB;=2&V z)wcVAlV4b%_QIv@F6@9TAp4Yp5kZI3s4i1qa)Q($@WI$4?H|50e2ENM4!k>4=9zQ! ze%?m{Sy)?5fZqeYo$a;Uvs)b%Ue#D>A!dxS)j*B0X{3>(|!X=3I_$ z8%~d1SOYXX8CnwOuk__R!oycJ)9gN{EO7)k-{_1`lQbGLyK@noU$Ap-_eqi90bhQV zz6SN!&9=0}FMZBx9Ve=?46OKI2QZo-{K<LSv$KewsIy!pf1BA7;Q-=Re_i>l6f>k^E=C+Lw z^6AIN7JoW(@yZwbe+>SlA5cTr-GBB?@PXs=J>}(f^He>Dq)kqFY4Aq)Yrw>BKYXc@ zerzQepEhh^i$`9&L@~Zl90=rVl=cY|vtZr2?oG~NvyrOC`Tnr!g94ML-czHHQw%{9 zlNOzL&edh1>F4^j+ZSBZ5?orOzasXDTIO5+nFaFmjEdnbZL~W*C3PmZ3^DDTR~{TA zty@*+8ykG~p=;kl}Y@=Dj7Tak8}CWZ4Jn?lnm#Rp6p+bY>!xsy7x$E;;^+a;Hdh$Yph zZ*}v79aA7PzyH;F-kt)0puWgv2M{DvQ^9$j%jb3(mkh)+zJvuy2YUpPSIyc( z@YM!I?jg$VQ@GQ{a2?QK4eq-_4Saqjh<-G8LXmJPFWBVW7*+899itXh5`O~BhW_?| zmr*0P^0k*m9d@+XXJy83muG_=VXl3Nq@e=~p2p0!6o+V2q;&WaBRmS2tKF&#&6I>E z_`rgML2>LL_rHZOP$`~5_Aco%|`TCk*BqirY@|F7hmBx zr9xg_YfmV^$dx}4I)sk4pNd2Ol6gZ&iQLY@{WbwrN!@j2RS4;VQUF5y+}asX{!Zn= z2|46}aI3)ytx#)(?KYUsh2RZey{j#_7j3^h82DlN=cAHOWQH}d&pU7s=eOHtw}aVh(i?{;qrywWlf@qzJMqPk?eVw>i&Cpr z;Bf9!YZH!Z5ZjBL_BU3Qr_Z96M#O=3yWVT5qix>W;!zqa=>Y6eJ$Lf=Dx)1&GfBO* zD^=Fqb&^(QWH)ZMqf3Y17hlr!EyppwCFdO(wlCyqU(yx^uN;=sZtYoH!|unK1elqK zAg7v&ZD&U{mo1U2m-(%M_REtgjWbmqHOujjAGUWNWBXSJi2r9%sYTW-xa;Xm@H(I8mPe^j{V4z9|}Ly z{PO%`E$yJ=8_dKJfHkuE3%E=G6a}~KE&FhpN6e{#_TspuyI0J?i^Z@|65u554}&>F%~y!K zO<_J1UY=~+y`{>K_tLO+$fe(N$yN9zEE2WZDQ4l~nO4oCcL+j%A0#_ zvl!8Rk|q9tmZSx0@79Bq*?A1RN%p&5=={7S+!F=4(H zBlkLi9M~uQR~Y3@>{))J`PB#|o&4F9XzofJar~cM?c6p?dxkMU>y#i#;<*^!tx`61 zk++8^cHNc%@;yz8?6-8L%5g$EWXIw=v4hr#W1-tulC;tIQrS$R7P;W;j@tm*&9r;F zRV8Xg+nJ0;NsMuP!sUp044Kw=sbmF_8*vb*ElF+&$nq7qn*eQ$ylocNEX=DUER7if z@D-O8hw4F?&M#j+xQIKNal+kYFMId(uN)F5>~=}`qinF}CdgvCHBg{H zUjTfwz!4?$&v309DI$#ueLRDEPg#n`jpCIiy#>Z1)z+8p$l$4ljh^J>Zk-J3DMhAbG^p~{8@Wd^uUDpe_io$0U_^iTSbmPiiQ8!Y-hL8 zxq!@JN}qbJ9jGR#mk&T44L=@>$8B$c`wFWy_jnTQCRlk$$#BFtgvG{0Iqq z_x`|r=^F!*lvV(a7LIv_-wuES{scuoq7(~`MADb;+SiBznOLj z$;#K0oN2s_QDo=r4tsg6n^5oeUl?fj#aqXlCPZn0J}#Y{J>Un85xCP8gO!DK_bE8+ z#39Q$aXO`F5ra3>CpB$-{OFh-Hn47DIN-m*4o%fR?dVlOjCUus$9!z-02fGK`O#xZ zQ>2qHI7BwzMLR7OH}PYVjFu-?6RjJv9B-5ie>?ewE}NeoXntCXA2q8{#rpL=+JdK< z$WhkFYs}4l5DSAxUg{BK;#ngGdvc~%&0LPhb)U=_n+0Z<-k(Cg+W*C)W9VKoa^xk~ z`A9@)aWGD&ecmGUfN!?qkara}I>E<>-;R#ymDjlrQ@S2_l7r`>p8dg8#BWkkRgJbt z#N;tw(?=dXg)nci#N=xDS$J z`wa8|jziSpT05mbc0!lebJ;w}Ioco}6%x~PTnCOG1l8UUoJF-yyfK$tprh*|`?Ema z*>&e^yi1+C0VTh$sUmw0F->cY)JKpD%mI5!E+RNrZRhytxS(f*tjw+~vlkmLmo43? zkUIN;<`S4;wO@UDuYZ$y@_cabynpmB_aj0}rSrwh;o~IwQERzWhy)z-!n>o-@+Q1_JoF4=3;44{XbN0bPx318M$$Qasn89 zq1(97QngMr`AMVIZD=kOZHF^o+zqAH;(V z^(jSy?64uwv^4Abv??kQ7ZLvaK$7ka5-TUd&_h_6_YFu++N9v@S1!^!ieSaN-G+Vx z*ub>vBxjSl$f3*dN_q>>x2o>)k9xwN?U!ABJ!%0EA^={NW$xJF=;~VEiD8q-WV~PW zQlk1gAqbv{_$cPb4`k69DI#Z_D8Cqh=Nz`Rs5bhCw-vNbAwo`)u}YSUYu!n?k2xOs zxJg+ADjloJ)4TDD{@tYS%eE-Ml;RR&>kHG$*xqM+=}0Yj?&f1kQ8&}X0PeQ>Ky`Jy zf-oga_MBxY*0K9$zHMp2h2Rn+ zSXIGEU(Mm@%=?ULx|2NsCL$OV&s9D-Qh6m02YFqr&kH!?dKrp$VpU$Leo zx*xl0g}%ZIj+_oSB!D?@9~$LbN}89=YrnfHu|EK@sf=n zXfnoTrt%a4`(t~krUXITaZlyaO{9r9Fsa8cC?0I!d0JgV#7^7^0HW;5eqPUQM2YU) z7OKm_CTW;d>vg~`!*2Eb<_yBXyo`XzhrYVgujwi3DwU`LB7U^m>13C3U}Wj=x$<6a zZOMDLUp~0+^ocOoWG+y!h^XgQIrr9O!2phsLGh#DaOR=WzTAvsQo&_T!C1q*bCq$l zAF=xoGPF3=9B!k0(%xzvh1u=C0a4EhD)W;`s(udtSAI-BPX4_2IoO#Xk_$nwoF}-X z|G=Wwxy>I;(O>x^NLBaR@7U*FpVwH`3C=zuh%k<|c%^EFLzyeCB-i*-zqC!t7CIcSY#~$W@{zdG6txX05bcB>n?F7B8_BtMWeVHl z)Evt_w@;LSn8p+9!wU-l&DpmP57dO8ejIYEVuI^;0f`I3BcHWZd&G}{0g};z)5v`Z!B4!*_P%{g&s`vdWr3iF5z(wSu+pScfW}m( zYZCCSacYwz)x%8HMx~9cyU_9xV1aVCQFoWyS}1!POiByz{XJ(-!6tvp#`TVTn(q*A z4=F$WCGE*I~Hv!st z6v*NXRQ`5>Dc#HWA|`3BRhn=8Y#fvu4W5dqtHMZ72K4xF*lUhW1xo874AQSe!F|xA z-RGvq@Kwgv>$!l)@;K==tT(uK9aKZXMNIqvudssa`ci@&FZ&S$Gnn8ceJeiD(Bu5% z2{=wYSOrcoTwg1>Guh6%ebb{c8^NqNiukDV+gop`-#Zk5?L`}ck;1v#L#!|#KO)PQ zscYrF-`$Lt6Qe9kxXgzyJP1APvb}RrT{9X}SGMlK8yacQ1*=0871%$N;xbaJO&MQ1 z$^Uw*QT6wZjta1vkue@sS8C#;?TQX;H?~FjYHFNOk-JZp#gezHwe5pDs{UhRhiuWx zwr`0+)!^0Kpa^iSo4Dz7U3iroz!~O`hJh$_Rrh?7(uUNs>EVxzoITx>8%JXI=s#wb zyWf3y3_ug3W7*xegsb=mrNbCJn7^8+MhhhJ4sXFAR zN?uSze|76J?(h3(jodqF*+Pjk`zc8~d-QHnXmzk)Lte*yiTJVO4fLxLb>I&Nnl^eO zdKS}x>TDu^hBr!A4^T%ZFrxM9uy%n@da&>{I^+}un{!1sIO0fvh8cF zxLcd+AWL}1HVV9e6Q<{r=qc6hQOt-Dpz{qJivW-2Ft9=AgxOL)JRkVpA|OMta~HT1 z1POcAU2@}*kwX{ZA?Hqcgh;`T7CI%y_BN)MRD(lTjF8j*!UD(Amis7^7Kli3^#v(V zKNbK!VgsF2flgd!UBXhbTalyRaxtK&3kN79q*@k$3QGnEohycLpzErSeyvjrV}ZFI zy~5i6L^befq_8lFZ0(v=17I$`TOF9i0Ve9Kd`diCwhpLLK)tRW32!s!g6UhID~5lE zlvTQ%WbHop5G}g&`2znGLN@O2%Z#vA&d57|^k(&(^ne?4kN3VDK9P~KtYS`}pOsEA9czt~p#y=1*Bv#~RqG_^T{lc%wGKRerE?EWJY}N{ z?tb!WUbOk>W(8&JStNk!ID#~`(rb(PJlWePMBWtEbC>g`mJ2ymD_9B+ow!qhuIrYX zH1>5TjUDRgT!pCl_xYQC}Mhrk23eg7N1wcSh>#=87#1+l|33t-!k=NoBHMnhn z`^-EO+@;Qy-k<7)KPw|t^QCQLHn_TykjqdkuL)XL0u^A!Y%HKLJ%#2qc_Gf-t!opx z@H!KVh;jC}eg|Cf%a0#nSH7+6y8DjXmshEAC|L<>sNQ;qH+p%~{I+KS83g?wu0=*c zyfm`9%qv>eZ>SU?)rU%3k{W@HkfOYKo5NN0df?`=>M1rJm#Unqr-5-vFeIW>3l05!tEP!7#jC$r1Gb(1Ybu-Xc|i z2Yff`?_A7=XLWC(vQP;HN`PgdvZcDE5m`$xa zq9-3OV1qSN`uaN;P-F=IQNouL7LM8~g=#RN+f<}u)?+g(M=yD@5N?(VRW zaL7asSF-AWiuN07}`!qGUG(U_Hzg3VAZB`3})GHC)j(SuMz%k9LfyKihp6h|bB~HdoZP6@SAMq0lV*J5u}vY@$rvb5AHwKH z_G>sJhR9{rzUkkf(zsc_m*OOsStYN4e)N)D$P91-FuK>R0ebE+&25U)IqZ+ofKN?g z%&NgHU)`P!GHUw`#hid1-^zn$y3TEQ#K-%e$?7tb_E1MiUG2HgK6XI*;;7$L-7U)x zZ1f#D>XJF2d6~sbS$Y;Z2tktD0|NoWVt@|WKS>`seN5&&uRm%w`|^A7`rXAC_dnk| zZC-phXik6qaFuf)8aM)`Y67HL%eV+G=anP%(IY3lI**E4i>9bRj|1p+@B!}g_hBk+GC(45AB-7lQN%L&6n93M?xKaIERZ7{5D4bSG?B{zg;&01Qj!MU{I zTgAA>YEJwqXx+|wULaJt6%?}-od?W&;)dUHS1}NhnOvuj@PMMoPCt@ok~6=6oL!)f zz?jGD%j2VSp3v!TAQ%O_r)1dqcIX6E7Fap=l)ASJ3YK1g_y#|=betQ8x_)-)_ngRn zfUDVCNpYfGO*qzPLHK1cF6w1JZs}w>hvhF9h664DtY~pmCAz%~@Td=Yhn&0Im$G^x z2IwJ;2E=bv0i`omJki~Mk`!MT7$<6+KSlge_E@onM6v2?SKz^0qw(2KuJ{zU_P#{8 zDn|@-{OAsKGe8WE(xf9b|3+_;CqGdHugIJqW{rqZ;k`Yt8+k*nbB(!yfq-xSRzJNU zulKed#9rQ02@LSIg+b!S%7D?Bg>cbiY;}B0??{DjbT3dMI9h~y8UxTUq2*CVZ^?i@ zJSpq$5I{*BfrUf}8oPV0SIKh1TuS4S6$6w0Q44p`rM}az?=W23h+tc_!Y0^QXvZ+w_vB${^~wQ#Vz2|D{| zEaqRh-dfGgp!vHIHojKwl}+gAJ~mFZvmuPEESLSj7s2jO@Q+buBRAlxz~>6^vl{?% z^RzO~Pz18X{3qSFZ2JIGi>xRGcs&o6rY6Sy|;XdwA&$HNs;j>&Ri28^d9BAJ- z@7|hK(PD!LiQ!h`(BUJVE>l02n}6_Z&mX$Tc7gS^(Bg^SnR3dpq<+~M5 zKPb8cb*XsyPZWS?X-&>rPB7dvK=#-wQT=x=@b2xJA?s5iM18hcstTsKHXe?+v`jdG z&0;&zU002p63{mM0$CIjRq2Ce!HQ5FQO$C=l(n4fG+G{OaKYmM)=njQS=hyXKO+-M zyE>1^Z9(HQTGGd9*f|s5nj}to246)$nMYzvNM^&rgV2YKi~*;pzT3ToF!K;n%iXSNMVz(E zP(U5#I7-|KLv1)$5`V9%EV3-%MTd?k9@fVh8;8o@94cdtDTW zvZF_vD5`99Z+%#s>kDK72a4m>4T}Rta^Jc^d8`h zmdmC-Qn%PuGy_=8RyGa4{`t0I;ggYnd~`TpV!ZrqNzCpbwLGwp?H}HA%%xw&ZE~!V z_bXrHRHC|#*C4Zlbw@}z+R{CJTQg)Sx!_})Fhp?fMVaR0uR6z`Mf*9JNn!MJxlu$yXi1@E?r&P+66Td?z9*Y`$H<)Gn)-VKtbD#^#uKFrAvYR?RLhHD~? z{cv#3-+d%8))aYZKid_Ojt$rQQwKU*m`{CJdBjr#Fk9|iIW#wN$EQIAT66F36rHi@ z+o$h?w--In3V0S{n}7@v3xIRLHz$S%9QfO_JksQ_C)~Jh$uf4{cJ}k~rF#)88#|sk z10O(lstGk-;x_z4ar@joQ0eZRW~W{^d2QQ+VDfj8;Suyc1=08n+;-tI5lUnU~Ti5EhHRj-#ZO$50 zEnmAAqwean{ayY~J;o20&Z3g+fBNH#irT5$?e`De57>L)pQT5>Ddqmk*X3K8f{Vqh z!9|Q-sB-l?6g|y+wS3XgXS9RGTSAPx^0GH4V4U6hkO>r5bl;2k_VbA4{?ac{8#H!d zo_2rOtCFLSA-@huV_s8mpqb%0L@ZlkOn_|nw#i(Y#WGBJYZ9{}eYYcGY27cAu67#J z#HFN3OK%MIM?!7JG%+jyRkpk^!H39)#nY3}Ta0aa@Lw)0w^n*(F%16(8M0AMA$gni z%2rVpdP;&$w(qmin`q>f15Xi~#&)b_#y-gvtc=8H0X z1BiqOPXyzh(*ne$5rioE?}O{P^tAQIF49#Y^&wvtKa@NLE{0Qd1V(c(%059^&l3lj zTT(;yT?b3!j#LibPrG|1*1s`Z)Jn~OT58(!4oq-DXM;dVi?a*Yw0D#sbn$rbayq|M>eR)Ak`wjbF8jcJ_t}n>|<=iHjBK_#*9+k_u*`dBF~ z1lOE~&NeZqbTDN{qAmpEp^y#D+6`rWvPwD1-&h%OGrj~f!BPJGh8aKC688}N9Bm^CpprjafvidvRLa5Cp3=%^;JzkH=bIjCh5kvC}2YO&igUD>)SWt8pVix@^n@sy_SK z)RDJuHbQTqLlcVT9zrEA-ok1@@|4f22Oa7BmpcdB-(7+kKd){hv^BYD(_Jz2b*g#9 zj=JPDZnxouNPRBI8!>y$Yx0H26;qJC)j!#?Ie~eiu2+cZYkz@0OcM_e&8PQ;U^i2m zz~?#_ZjP)j7S)1H-M-+MY1#a`^e8o811QglvL zT=E~Nsrf(Ei>QyXf(im}s#2LxdIvrdME((qoO9e?ZcA#Gw0uTLEu!X?BTWNu>p7>c zLYa9$;1BKmBB`3h&M$T4XX?EXq_6h%rUw^Csi=_c_1V_goX{7zSB2o^ z$&xnN^&!60Bfmses96p8lcYz578w^-MEbx@Kw_IUY5Akk-NA>yV)(nsze@k2I@rp0 z{`Kkn>$0mkILN0EP%1Y!;58lt0xsTTjLz-(q6ZM+BH)nbiKRE#1 zk=aliExnK4vdh^iXb;-i+BaCYGYqJCjoIC z5OK7$B~#H)0-Glo|4$fw2jr@3R#UD&L1{$%mbOCa8xp#YS6Z`*wM^#*w_tbh&){;) z(E}~aPY@aOfHn3#Mtth#tIBkYUNz$9Vq%n|7rKM}CCLKP2rhYI=6XFQH8ADvFANvr zjlndDR6Z(ZnW zSh>LMh{MC&~IF7_P`A2VCSb|)6E?}y|?pg>20sJc+2ys>cM_y8@_B5M5S5hl>%ne z&eHreR=IXs8I&hFqHWTO9QSXXwkIFoW|d6bEUNcw=^rQ_3)B?yOn16RQ*p?&%o^Tk zJ1u{CFu;SCYEMqZ;BOK!&h0zh3%s(7P3lf>CX&EAZ}xWgn?LUFeWjeA24Yb$e2xkI zg-?InELC-K|N44-v*C>Manp&y9BTTDw|e3(c5_$*4>#_*hUPk?`_@WkC&Lg+R0Dci zMKkAk;d8f;0lQ3sU~}_yoA<%#Y&vn+cDYbHuIaej3aZ`Zp)JbPXY=*xX&e+ci)76y z(c5Tih9u>NO43oeHphU!vh$b2b`2jjquw`-nxRM!k_p;b+0I{*Zsm?Xp8@MICv0C` zmL|SP58+5#FAy-TqU)?u7gSsV9#%4mySz-pW!LSOdlG0Rmz#*vM){FRA8x1_N$&I*2L{= zzm_c%M$yyl1E0J}pB%fpjV&#*LQ1*&+%*qKf_s7AvuSfR7Y7H(?_VF?5d|1>+i}w*f zX?m2Axld99#cp41P`*aNMpq*>Z-^V~IxDM`T68fJA#cMY@HH zgUaL?>aRGXCJPO29s@hbEGpckmMl==HJa{CY->5v+hp+LXN%Wq4C%kZMZHgB$bUJ- zCn`${*t;Qxn6otHPW?^=g2m-0?5JU|ZPD)LD}XA0&AX(ei_?JOR^KJaFy5p6&Pq<% z!|~uHaz1f`KSCTxq&U|XQK#aTN|kQ;RSNOP%~EL-ze-U|!A_-#3e`#+D2*p;&`zRR zMdPYC6^hW`yw6q^*PFkb538h)a^udosRrUfi2=i1tWe% zQ?N8Do7ASP5J#3w-YgOip`uHUzvx}VbKg_vntK+Thoipu~K2ZnGu6HVA zkv4(bTVACZ#6LCt29VOfQ#N9T;|#`h^Aa95#jtA2otFI5bbB+d0=>DOv$QbWS;HCV z#52^IN(iH*>_?t(dyOKyE^UIkffLsfq`T)QMPj6h_tvI3w+!FIh;&>#$7nn^n~-YT z5mzxg+(@;TUgAf*R-9Fru=&Bu((10gJ7d;PpoJps9d*7{yyPT+;H$3ul9E=xvL`zi5eCiB^3xbNfBL-DcD_N-N>L;Tyc+?-zBbx3+%) z2z7AH>bs|~F!rM7OOLMYE~FjR&c70q&oVGthqgxQ>C!AT!;Gz3Ei{uc+%VJMXozbR zCPiW^*|0;LZi>IK(ZT{A?4uURwA*mm4Bs7}PF|6e;1MkN>fyb5EZOW1I4>|m6*+6fvT}4w-A~W+9?UujL1c4b`e_gAahY%w;wX5Rhq>tbHw)zY^X`+ z6jzrcgAAC-H`DXx((p26^I#mvPctQkWgr9xM-g*wAk=bm>Kaz1fohy*f?iG%2co?R z8W0GflDiGmtEqGZbHe3b2^}|~9Hrzj*0fuPcjemMWi!Hfg7-~0dV*3)H)&&B_g0s8 z_9yWF3QfhX^}&}3>te?C08U92r*YY#|H{1k(!O(}T#Vhmc`J{&`pc7lEL|vIoLKpt z`!q5g{JjGdQsg1ANzUcyig4oT}l-}6H_XYGl)CjltG1qMWcj4>-SnsL*!m+ zrJ3_Vzz|g}94JIjwoxWzC{5oQb`3?;SEqVVbaB(^70qAa6ghaF29;*EXiO=sfo$nk#Og>q>Po!Avc>JWz<+zPWZIHlSow zKIn?IBu+#wd2d^37ekV`4;e{Rm1L2QsMB-5HB0?m z+8>Nh_$5y#zmms>Q2CPY-NdF^!>{+;`gkic6n68R+fB~f50#E3WbS$cT{gVfOo8Bw zuIjF|f^kk}!Er7_^4-Ew)4*{Y@F~Dx76qb=%#nexrY*uSGP-(yH ztl-!iLu%#f5Sy5)<<-Bg^N5oTIM&*i*exq--crcX--7BV%g`%bMk`Y{<%_W6w7=75 zD932M?X(M%4<|78BG?jF_FHgE*14RLj_Yre^+>xl;@m~$V5pc$o-StC&(1$t3tcKy ze~Q~V+XyPw+c>YGXV&jG%dT+?S$2~Ze*=}6NqOdDjVse;qcTUm8oBEt)}zG*B#;#n z(5Y*K^G|+to$C9B17=d2JdpGI7Sq+Vx9q{T!1_`qOdBg2PTl8HZdN0+(OQ++%{R=t z)DvT-j6c`W>%vS86uqUj91I#QYa<7wNYW%l8N^fhA^Pnkg%lR6 zb1Tuht&t6M;0jrlnk|dDLT&v{GoO_+-JdZOqsf_rUI!i(*~S=Amnvq59r^NMx!P}) zh#^Qe{!R|9reALD=;$!x^+cPJe=>;j6o=pPLq{7*!uCC;y|MYLlJ!Co1;IhNG}<=SN5&g%oIk#O zwWX3%>cvyDXq8imAVeCU(5s1+Y2Q6Hfnm+vPwh=}8W2!R#hYiUN%2o&m{Th*F3FEt zF+Rj=5R^Dp!Y-{A(^4%rS0!#EiI$Jsibjg2y-ap*!((^-GGo(-evppZt$~BdO|3gV z^>P*MhIZTy#Dgx=d{nOWn4)hm53Ml+XCwi&Nm2E49Yu`m4BG$o9u!AVS2gtF?Ljh` z5AVq1qnRNiXHQhO8I~+#o|>{jzg=urrs+-{dGp(drp6^=PWTsXphpKPK*5&CEC^j(z@#Quhtf&x)OA-x5RWD+;%28|MvDIENM}g!>(%>mOdp!xp{TS_Ol;CI}f~ zoA7AbUXHWb;WR=!3hm`VhcXjdGt2JJdRuWyYL#)js+>h;aOrw`Vnb?) z{O{QCYyWvyvpBc?X^n({P@0TvFLZHsIx zk4;vg*>>8U)tymA7rR~v;Uw)Nx`wb1bZjN7e_%{5N>+x4m?i5CCHAx}ju#a6*Xh8q zG{HolOHxAuPd_)bV{xMFQE^+KJ37_UroD@;|0Cy8c4h{{e(_iKA3zPUoA}(mzEmd1 zhAqbpnF6clP(b?ymyh(YsXv99hd9YM&!O@}&MuTh!-P$eI+YVrmvl7Ih61pE6rI}BT(ba9TnMC9T z2W;`SP;2#QzUKczs71D~hG5xK%Wvdg!E69KPR>v)15^wZ{z^)EyPyL_E7JUe#Y>Kk zKscs(Cn3nYQqfpty#v&G%50Ut)!-=s@-~?VW`iAIIYkz-Bm@Hr;HVSrK$$n$7eUIl zv~Ejy$924Xrx;W_y?1r75I9d>#dJoV`H-a}|KP?W@>aknj&2|;H8-{%`#UWzb^cch zKnWe5pEeW~%^9AsevCZlIF^JQ28j!)@}VuaMr^;NRcvpTm%Ye8TVAd%rX!wcJ$69# zFwyp+S{#esR!mR`e2!k9jz%>;Q^JHeKiiFnIRi`d8g4qe8z@@hm~jS zxsW!@K2&OmSOfW2Q4U=01FZ^@qC|gXLQ*yOJ(UeZW@7tfZG3q#7{A7A7fsZ9Yac3a zNastP!ERRVE{_jxEmnzmnLx#_I#2)I8MnE*=!~bjg=mK~G~yO7dAj9h+V&*cA;zhG zGoBy9(0(^s$ZJpT?V`rQMsZB(!ui6rdj>!c>Y@p=eC}ec7~{1EFnZ`|-Y7+65mb}$ z*9CpYvl+#Ay+aya+*CHZ+-X^c9 zX0LZ`w#McicNY&9?Q_RG;}mP+a`6Jvp#!x#a~D_t5>F?sRr?Hh@$Z)a((1%hDeBA#v}e1GFF4+d~bHN&lKw^I~X6_9G}5gBtyS;0Km>SzE@OBki< zkuFfRC2A!yZQ)CiTYHD%=K8s_lWCd2k0(|v&hIT=o?MJ%gx-Ujl+ey}KwRN=L=o^| zO^xhQG{B0B)iZxwXRy?&rnWCMSLM?iEptpDXWO zPITqdR~lvX=oJyhYul8pN%NPn++w;d&q0cLBLt{k#y+|4{(%)%V#}bz?0UGC)&jW) zeU448TGuQsVLw`k?^?_?BWx^{*)j5e#bW1Xowae9mYJvR3P<@Db&L3WXHQrPQ<_mf z;dGBsPZn2Sja$p^2qM;@!_0e0dTMeFvokp5BUDs>Oru!#=fWd?Q;W2f2DqcbdC)59hjqQ_|9@zqG5@? zVO0rh9zx6wLE3`;pD{E@s4>wvWM{$2CGZ>GZ43DH|@eflqGTDM`O2A2516iyVkIZoTO&6+3K94CCXeaACdVp>`} zNsJE@ntxDum@<;DP&jaa$3MghBPMOU2*8>sIxar87*~EEB4zHqUT0xkIC@k;gyuZ% z;+5ptp#QH3c9`J8d_cjJtJFHAG$w!#Zq;_}D0(hG_hIbv_L{f_CcGhqFSor+L{xNq zDg`mYh*RE7*>U*EG^}J2`(T^GGyR~oDE%;N)qOZ;;i4?2vkPZ!*%9lwt&HH_&3f#Y z9St@tv!t&r1GeK}zt3`A$xGL0n_}!&`t;&`%2S@HhE zQ!^c3%GP-y1zh&@7Twv+Lb3%)yk6chbc8QxhwQDe83&YuqnOk}J(UGYNyM)1^)vP= zMGza%++MZ%WKR6+4F4cDI*@M=i~QyH@73BZ=3ge3wW?h?o-SszYgs-<#m@lx{26IM zu?e#Wo8TMFyc*Vv6kFjAE$0vhtA<$P;zg_P7hnBza*u^*0SUt=CRUe!Wqw5uZye7- zPLIWySJs~2qvGS6k>=;02I%jmd)aAmRqHnTXQ`gCJ0L&3xNp@gh1Fr&#rfi4yLo)N zD94y?`;rXCp=~&FcSl37)wm&F&tC&=gXNqxR= z5i{Ef!%`Iytzf(>ytX%;q;~xKAxa`wy}J%mMo;+z%NkJ5_;}=s$DUenk?q!s?@|(3 zLf0p^p@+SeN?cv_P}@6oik1dp5kYLL>jIkGlu#52J|dv##*nAuFtiIVbnh?|7)_q? zjDUoh%RCJqOGa834M33)Erfon=~kHps^*qk%4WNc0e`+-1e&epy85^74}CFKBcb7$ zA8IgqypEo1?eMFFbq8J(20yq%E~lLcBmO+6rv@b0{n5ts;G!&Z$GwL7R4SCih7=WC_Y3(%Z<>Q_icG0!ExIuq*i(1E4R2P}w%2rg6 zK9{juYqg#PR*D+sKh)`i#k(`0GFC3Gdv!ONaOkwH%?d}v9A^>*LID<+EQ!6oPMUsn zuJ{$%UyA<5R#E_3KLV6yO#I(H@xq!mMVKO*z6HTs6x}_L zfmA5mebJcjko!t?^Y`HNY76?mY>|cyt>~Ad{=2|dv%dCO-pJ+5y?X(NZY*VOO}88Z z0<~21w=IRecmQQ7pJiCgqal5K!7R4^)GN}1kztD~(1oy8Yhf`f;5JB8SY?S< zhUD1T7$YVxi2+Tiw&+&>Yj*qkLxk~9< zz?+pYq3<6qMFs4Pw#I`5Ai}Y>Y05mhCV>ck@{6U-C4iij9*0pQQ#>R23;K6FqB&=U zUlhlIbqSh-Srqh`M&}H4)GWCnibn>-TDj+mF1HG@p04J5<7u0XAya1dmJBt6)6$V(WwVx7v7?p7Xs9zS8X_(5#Uh^-&C`Mou8Z2NP-2cA(a;IbaeP#_mrk0$ImW@UV zdKk$?;jp(Avyx|6uKgq=QCFU7o%MGbKrh&rXt8|wpqA;@#WU<<&9kLooyq01{?nT0 zz!jx?4cWX4!dWc(thKy3_`=)b@S(*k0@=^%HgJXXMs3T?W8BmMVpf}(qv6{*p;CDQ z=Qhub05c`U8Qa*BoY<`z$E^(O^?wz!6lU^)pijqKz#n;eub6(4%(MXH-BR?kBQV#9 zov5%gqXNs^N*3AOh)|vTI0g7ai>{9YYh&c=3W|wkXmj*RykBK{w2IdSTfAN>4-OOR z9~K{%dM{-ntTIj*k0qj)D(_7x%h~*V#~BPYM)D~2B>v3C3X&RU#%{O=?&;S=cGK5+E4<&T)ILvP@*Xi^#WwXaZ zkbKFNJuIfOCM$B%u@ih`V9;(EGSo~L!HRJ@>B^i{qA5r7|Lqt^ZJT{FR)j0yGs2Wk zfJ7KmqUYyt3Gv+aMhJh+^s6bx)gtSog415M^A>OL%GmR3GWwX!b)L+>OY|t&fggmJ z-w*p6nu9m}=I4=ipIF=sG<>g?f^q;KF{`>%phz#GFz*s2PmdBn4Dy29NZm5b>V_uZ z%b}U3lGyLXJC29J1L049`_6MVE$qvhg6m&D{z^zX9dWpaBWh@he$g043)63B?pda0 zYj$>!cT+xNkb$LgG_ssKGNyg_b@}zKWd6kD&xT~zm;3!XYq(L=(ChlSClz+nSuad1 z+fdauE^Mh(F*^(Pj3QWl6s1X7M!17 za9aO@IXk^P;q*xP~a4WL&8Vkx(R@hOORke@!jePvFEQE@TU zLEH|X4qNQv>9BLv0CG_2@shtBW$oUc3y=s(4n8D!o(ys2_LJjs(r6@>Q}%S3TcUY% zE}7}W$CF07VA)D{P9J*OSrV=2k_l-uS#3*+4YXGtl-@GVUm+W-o*xXmW;oYvrWB%g1WSo80*Gx3*a=_sA8(xL;d+vylF(SxDT zG|l9s3Rkj_3i2z1w#Zdxu3!CED!KYG$p|RB3slnBHbne|)hxlIdAe){Mc^;c75oln z{0c77S~&8hHQtstgR!g%{-xW_k=_o_k8}#!&lJfY2Sp2eN}BicD5yW2mCcPYo6UlA zE@oFoDwGBG#Ya*=O7)G=nsFl`Q>en6@PV_PDEHDG8AL-3W(hHY%Es}PG2Ja!(a`~2OUqOpEJUG} z`#eW_=A7NRsuZ>J2Oe8JNL*{Xw=X}W<_F;!XgQ3P1cOFB_*&^}^Q%XYxr^K`^r<zc?|voO>3 zt>hhPjA#Odcs{)2hy8TG+ZPD3t z!(RKB{^fGxv3G-Xy73Md^!vF=U)FJs$t-XW7u%A|y+@@hDFK32#GI)}u+h$N9cVU^vowO- z-EL(MWHyFBSriS(w&xUaZ@+~kEhkIB*%tXTp#fc@vC4HK|Jv9~9wfMy7k>TVX8jj^ zlDnn+e{6k~B|EzPyy}s1R5nLP_@TN#TV=3B;oRxa2Sq^BCBx0XnBZL*WH>RtZ1h)4 zlfz@0HJfNoKr7Bzu*;t2^GdKrKo*yZAX21;H*eW6OSjtxiIxO0?PfH*0x-iQsKtx~sI``REOH9`13_3&^iSR5I~q9tl)k-Sv3HuT`#hQQ<5I|i;ab(k zhcE`%Jk_#oq=A)X@l3EoIUzFB@b(pMV%vg(a{IlS?g<#&pBMh#`=VVwve(^y54QRM zYyNb%KO?t0TL(1KXjbn&*|jRehWUBkzT7=>-p9B+YBG!?8jqDxdh%Sec>EqIoumMG zKQoF|IY~K}oE0hfZdAGuI?S%jow*70{*0WYpl{E8)fPEC&bpHu8t|HXIOtyEeom6$872f7rT3K?$WHty8;&HR3kTV?JkkOl;8XKwm=1 zE_p>aK}S3B{}f)8X~2aWe?>#V&P092W~p6y_Vr%slStugoOdR`9smVDMYvHu)GWjb z4(yyA7$0;E+Bet|Mu1um|D*`?D#9UujjY1NG=KGjm^!f09)*!CXpVkxXpeZ)JER*6 z$HMZ9ZNuyRm8}tiLx?lg|BuRbT&-eizNE;sEw+0D9}i5tiV0z}LMI2Xp3-t-x+VfV zu{OW_Vc<8}?U!YJYvMMo9qXF@ahHFvjwQA7k3_rL_Yt6vVU057jY`Y6daw!!)m&z7 zpX`?&2UIXK65!I3nr5L9u4x0~hVzzN_p>B}DOxSNV5@JMaCJJ~JTr*7pC+O(MjZpcKH&1T(TM&lnaNiFDOKiCu0&Ck(XrzT5>vN~eBO?* z@|&38wFJ=H#-2_RLx#&wdT^}LTOj^s#55BwajY70);%utt!ms83tRz6J3rYuxlL<1N34h?|peS)}Pvq63_fk zx_E9hTqcE6HX6PwU3>&g~P-RNtzX4Ye-pFOvOeYBom5;;NL0`WK zwnrE~SXWUNYJ=)V4Hzma73Sfig6ToeamKsWLCiFx%Pi-W^Ow?t z1x*;R6B~R4ll{?D*yJo%N$u|jZ-HjeL(C?kXPD7#5Zl5jgOaJ^@u#8YTL-;k4`543 zq#b15{YYRBMMcM-j7yEf``h;krrCn^J8J;wa~{_Wzj(1m_xJGIwOI4CsrqCt%w;~3 z0UH#})8iW6?+w|pzs8j*n^)Ds4GbTO@09xH#NS1o4_t7Y$5+-~{=TTtez9v58}dQ1 zVnBbK(!ZR)3;qh@K|olVYa&*>JpxH836yqN>2e}&2iM6;=#E@}!-p-TM_u>)ZC~Df zoIJZSfkAnAGx=}ijRB>osDqvdM#PKgyk#mYaO*NW!qKwfe2AHkaL`B!;HH?ye+xl5 zfa~)}q`^5b*llOA_Va3_o{sc%tYmQ&7Zl+4b8w%tLiyl{#Jc38oC@}e&P_XZ8~THW zU%IA0&mEIJ|5j1WH;k$7X~U#Q8L-qrB@sAo9W7v1pG>?aFbVsFtch5sDcbVa##~Z< z^7m=h=wgNWmk`^PWR_TVG9ra9v2eYGpXf^{)t_+yb55$a1c0TA3k>#6=Sp=ZDTCsP z{CFt*4leP(gS&j@t2~kyJLbnA3fsF|jcM^+J}o@zL}Prk}}D z>$IvvN)306C-tp19t-7DEt#Yx_O<}bryd1{Vr8s6vO`fu`}#nN+1ktoXWc*#Pk#l{ zG>vSWY~qoP5Ky41jH@e_?0bGR^82Z|5t+Ce8eFLZXmfV8jg;D7y)wz~Y#h_L3turi zWh^rD4IRy?dYc@$%ffX%^-{l(rN$SX44m$#wj+SvN3Q}^0E9*oz?SU`j4UmaVYoRC z(#)*_Hxd0e-KFD)gozVcOi~n`yQ*EkXSg=j6AKGe$sZ3$pi|YQo?#8RgO>@Mjm+ul zX9(B;s7r&z8Bep+E&j1F1KF}62Safdm&Gc~p!`mo1n0|qV`-*x>lb~~EBTpugkJLD z@G`CFevzPO9hu^<`tBz3FfmItN__*Wtz4c@^^ZiS(#S?aGh_<-BqCY5==sC%+r5CF zFC88KN5|jr(YOFrY?LBO61O7fJH7ToIQ?wGDj+}z`p@$@|kyuk& zB%GU>$Amu%Q39N|WQUr3fWHbAo7S+;LzE3yfyfA+GR{0@FFT!}J(s8nY}Yi)I~qT= zP1!I4FbFCJrbS^Yjt<__oQMg5`qf_;n8B+wf0+w^cC&Qni}tS+qZdm894lRVwY=dogr( zrqbUDX(@uddUBV2`SW3V_$s%XOLKDkp2Flpz9Z z=v7Nkbt%~~mDb%AR?g)y8pL^RW?@(wg=+$n80~_Vdo>G)k;p11%uH4gxO0Fsm34SF zb@p^<(4};7o-i+{tVEkh`Ow-%xENZzAXlp>Xl@83h!QnvxrZ2c{%D9e_qt54uT22BPz76CRP5ry3%;9xQHL6ZK<$d{ zAmiBKKInB2#U?|L)(>fzp!9AcP9sJZjl5$>iJu#Bg?7Q0@FhiybzV{65UJi@t0kRK zfa2h<1~xEsH!W!KrDFn7i<(MCAb(x^&X4REO?ZMC$Oe9zK8)~My$E&WDhyUEaMT24 zvN~cs5>cJtp1)`ula06FSXIrMlxF5$6vvTWGs)Qa>U@0Z>I)5tUf$RQ;ZHnNu<}>i z2pBXmblc$M`X-iPF@2FinuLwl{1O+>-02b>K+us18`Esd*->XjZ$xjhBhA0witw$R z3yrO)C;8m{AyZF;5GO~b`O(m{rGOn8+={7(9Pf;HQO@$#S)*%y8|KgjJdF+HGRvAB zBWq6n+ej4C`Nn=sI`DVae&`kxDgPDmsNqaeulsQPoRW{!S-*+NPTq&}yl-5VQ zt{o&kPBhwe^@sB3<&%uc#aiD`rxM9KL*kNk4M}X6aaHP@SX|x2E1_)23c|K^TH7FL zu%2?N_0O`H2>+EQ!{Y@)Oznh$O|JYZbq8xF?m}5Ji%!~IbGYlN`%V+Q*tNk`%*s)9 zam{&&Ld+@iBwxI}QTbLzlitYe!clQmLtt*lhV&O(@rHJmd!!vD|H7Q=^#jB)N zFi#`>F++nxBDQ@$^(rw(zszppV#Lvi{pVxqd*g|*IWEF!qUQi#a_=X+M|*O6ET*u^ z5q*E{FYiMOFqKk@kMwKEX;IZFeT39pz33*K5lVIP$3jGo3HuT6AXhBBfT9|TrIZ&10#otkPFFpM4d%|PL{7Sq zc_y|a*V4wo07OY*FzuyJR$o~xq8GzMB{j{~=8^^b9>INv+U2)lPm_X?ibepk+!mU< zHnF(jPQMPkb#Q(|G+_sU+_|e0;^yS43c&Y-_HQfbykUJ{ zARBi|4dnI9EOIV$e~aclmFVfX=Emm9{*Vj683Mt0ssj1JxwAAx;>>$}_b^{4ScXdR z(lnp>;JEZNi^>XHg{n;43bN(2>2p~UC7C7UAC}7a`(1nWfCchqR=F$b@Ui**+Dr4K zzd53=uSk}#3G52xa9^6(BndH711FHeorhr?so^NEl3inj0CYd%wd>SinfV=qeOF+S zm4e?80T)r9F6SQRTadn6`NxIDruPPCM+f%{NkAN5#~&Z-Ck7CI54O8e(n;$%Be!pg z2@|~e9RedD_SL%0n#znAX=Hs+UbNqTg(ihq*YX%B2P!N0Ex!Tq@$4(MdhE45dZRaZ zTt;9dnx@_1-@! z^fAmo$CN{*xBtQ(l|7HiNT-ZyvI@a9sH4)?>J84kYtaA5cv|8N6tuEJqz(F7gDIyb zE`z%lDb1%C3Hg0F#F1MiXbEp+OzNGw)}E{P*^|FHzW)>R&_(4?wy&I}rjqah`PfY% z@KG{c1mh@l_==nDdH1m3d|+1=r@9#yf67ydP!W=SzoC?wA1~#I9n~DqIr1gV%2#kD z;$*zJ^wN6OEak_(K_^?d^tzULC2p>AahYK$BVw5ISJ(rMk>=LMcdL`wJvrC`#;p{L ztRjQ7N7{fWa2UiTBe@-pciN z)uX+EJcCZ!0M7dwhRVft)$4Y9K^O=_=%6*Owd-9OT@pA>5QQ8hTVpz{C|qZmQh|GY zu*Fo0B817b<8$~I%q6C;8YiU&8|M2K=3sc3^jN%g;|eI)YQoPrZk>q3&EjUU7Fl%G z^-K+4uA~o)f2zombuFbLT<(=XWq&ip$GKK=?DanM|Eiv5ap$bWq+-N>yLh)7wlF1z zfmSkF0&7(>!Y(7k55De(wVN#Xnx%%$u;Rx^-QsaUq6f!b%`<4$%?DjER7uxPE8J1n#wWSx7p3M6k4|}ev%&uLGzK^WF3BcK=B%wEKZAUfXT%dp*_umV{ z?+Ocp=B#9k+BDZk4z5#;j_Auaa9q@tNJZYAM-Df z-`{L@{g@#wh|3tEv&eRj<&fQerW`=?CeFSuglxs0I1od6sOTZR)Q;6muQ}=Y&5coc zq4Ww1L*^KhRr_k-ChH?6?#FDFXSYo$a}?|m^q?0mPE1HrY9gdRo8Yj4KDL86c)+(8 zgI=$!=k`o2sZW)68|@c5mXfjmiQMSKS$Fn;yN9Y*Wqqn)a9J6U-@9|(hD+`OmQIuy z3d5kOf7$+h2&5tQl%m7^8`ibcx;qbn@r<43uf0FyWxPCJVJRD?-XcOMVM4}ALET-y z`LCwvXAED*mwjm+7y+qt;i>IuX$A?JRxU>7xjwgz(LJl;wU_wl&YL?bIecS!9q=$Z zA$=xiQg9>k>89V7$5+^HZvp7%9*{#WFgB=fHi`Bpr`Q1PMg!=T_3u}nFw*U18}f}g zo`m19vT<%xvUEhY1`x%Gx`zs8r~5;S1@D*1vd}|zuEgIJ`0DVJLkpI`;E+LK8k95N zLMlGmf?+l0-99gnMX^rJz_vH-oXw)W3 zO32&?`@yPCafq&;s3aa*wx2d-%JQZR#dUr7t0n8&lP#gFv&jPM3O<(u>tB9-0lEKe zfFU$A=iY`O0CYqq`xOu*A(6O&F1K0cZ3pTii$MkuLs4^swj^oDQtD9+OwIeK#U^La zntO}9n`%V$8Jiy@?|ubSUzvDDlO@JhOOw-*o~2pK!;*i(RPL9q+}+MN|4B@Gk-o;b z(Q-_c3)^{Z`ra7duiM1N62D69WygO$8u#|=#)(|~&YbGPX31~*7>%Hl0dbx8%K)_~ z_W-QUGGjwFki3lqBHEMxxr-0$YTYvX)4-zR-aEk3yOCGi8Xg%VxzZW`y6LTK+Q~{1 zq!v#0iSAEWPo4Z^%fd}@SOM9?xppZ3<6YN@+ey^STvCdS3LpVLO?4Y`%yKSfmO0#a z#*|Uv&1fDIzP^`!nR@{(g_zsP@aJ*C8P}Z>kNZQ_I|!5YRMvHaG)KpeN2>rAxsYQi z%P+%!*Azb>kg12557nPdr!nhLB^Kkz>N=>^HFNfaK7p;ip>Nj+=TdF7V>Pc0cI|se z*$4h=tL2Hu?KthtW`$=Iar!f@(s^kK8`JD9#*<+m8oIW4excvY})f3H9wi& zPbRT*_(&obK@2hxnxDK*Ivy-tA^==t5x0~@RnDv<8Vfimr*yDg2KkY*`lll2;yjMB zKt{h=m&3Sz^P!lep7Ga!&rjPf|M%`5+nN?1OahwLqA=z#@SsthJec zXJJ#qv{Pm8y59ZY3*s>q+re%|_`yPw!IiU3W{oG{Ns}3H{7&)ZgageO@A$o1#zciF z6UYM=Xs@tpxH8f`#4e!#LLY?CxftI{@J~YUb=Y2qF97gS(L2uP6s;b9rOuK)qc!r7 zMTSz#Z-r+tY%KEm0vXg;H+^jkVCSZE6aBI`Fk`3A)RWXhU_`1xKKta0i;dD6XMRM1 zXku6oC-IY`u0y`xaXz*}|MHUS9S|y}7g13U#m~+!&ea0tjd%5DQU5|iY+c+BY9CIG zcj1F_7e8JpON7Pd#{_1^`8DO*vN>(-;Krc}fF^sER42(DNFKd9p0lm*lwj{7+u&`h zPl9>ZUq|x#reJ4nV*PhRApp#BrTR#ZzM#azRGph}F;%g3*m z$ed(@tj-E92Og@oxgic81CCrz-%lp)v4$GnoUyGx!G3qvqp&lipEoSW z@?K44#FK0<$>^ZOJPY5h7tL5nMZ=_42(Fc^K6eQb)hrq}@H~qQ4?$>3_U;Z8_la(` z^^P-KFV3>|7mXKmng$j`NFkahdkkStr3JHztP!0pgk`mHzA2 zfDSnAs}JzS8h<0gXUI`Iuru0~@)uYZ7b7sTk<)K+L4%tWJ1m(`>XFiv<6O$Yb!K9 zc64s4bYe@gNp#0oyWu?NT-p8hBtE0t-X#s`3q(=8@-dOVVU^{S#^QB-!XoK+*LL#f zrhp!qAB;2^J|&@l`tvc$(FMu4@?-tE^|A`a=o^h}fb>bPXe0 z6JzATcn=FERMqk+7O)vOOo4)%ddd|e4y(TT7Af^`wKe~^D^q#FIcys@f$fb&#YNm! zgIlZ>>&+wuKxqiB*md1;JJnl>E-Jo4|L~?J9@7A_B}LWjM(UL)>(o9n&ZDl-%b1T{ z%4+es5hyBP`9(plC?cM)t7w5api$5i+1+rYE>7ti2q~g8JawqNcZ-7*#?S(@I=<%ZL z#%8o_zBSfGuQG2F;>m$oZyO18iif6H1_-S}E8CCm^omBM#|J)R#gOH3VK2sERNYhH zWCvD(kcWt3&ESN(sUei#Y)-L3jzy&tyBe(5IxPCXqTx@tii)yjG}<}^qiVUW1^*JA zpjT8$ONO5Mq&tnduBjWkT>f&kVd9~m%iQU|LaCY%c)}Vvy zHQtp~9QNW7^nt3XbtDu1il3Rz5-{Yb=#zoFe%dhxJ@bUET00nmYmN22K^70cwe>L= z81D3-X?Oci6@{;&uP$6v-ZO256nmzN6EiG-_J7sBD>fQ_>a5Yu*sy6Q8n+lC2^+En zEQ8xMEAwIe%176MG+lQjeqEzNP*GMXl(oRfIPsC1ueW)w-$ z&qhvu9KM~$xefUn#iAH=<1#eavRnt<)ERu?bJ|0V7U?YWv3JdtYrLBh0Z5+itWhN! zCf%3@lr}l6rJ~T=7Yp~xGY&(~Qx1bYgF~fNRiiQcqhdle`6r|!Jpf+*)#PUH1IiL> zcCOL7sw4kc5Sgv?Ju=)SYk0kpvCB2{-~F`au|Ls?bcFmp#-n}#`*ye}BxIpT`p1wk z!u%r68qT7|@h0Z(axqC9jZ~ABBYQDeVp&dEh+14~Bq%oj-x( z!H-@X+^Y!+0}f8`ebEq0r>O}@4&sz<6g()ZbkPSEF5)GeYBK3p<^|Oehy)V&O(WIX zgQ>6d+F}9;Z^X~8zz;Yg84)C~B~vy%Do=e>k{9qRtx{}IYDHN4aEmYG-j=l%DOOq+ z6bk)5pA&+pW(GN${!!9~GtfznU2w&wG_pzRFI|GCR`1yp!NBmjKBk7J%d$d+`ye4x z>*QZK=N9!PvCl&C{5Hy)9|wyA`W^(g>SxGEO1wx2ZrG!9P-TFAP4p6NzBD zV@l19GvRoD*&ZTuKdBJMRw$X8ya#`d2j2Vr9Q{H*=SHu;gJm-m%mKDSY6o!o_++;6 zeQykD_I8^lU6)ICh_UqF^k7p<>49$$EA3*pn z=G|ivbo7_DO}LeVj?vX($9M7jR@#`n>wu}sGbyz#8j2M`7`xqgsw<+!6irDWHvGL> z3!Lil8{+Yt{S?pAX5q&On-1!oCvoI?{(vZcROKV1Pce6Cn&AFZjC;2=fY}OEc+Fpx z1CzB`F`m=)-i38#(^#<-iC{IL0xLGgjX1v?F9Y1?-a4c+3hnqXn1%x45_pixt)w!chS+?ORBInQWqL z5=QAQ1E$0bhI$0qX{{dGsfp2SsU~rm0Sm)uIB2U6Jm_HuP!^5%1&cR%r#(hp(m%oq z^lUHq;N`2!yohM9MW%7>6;BU4uE}e-b)$*K^alXECAxqpsK%W(SvJ^YHA%p@KLD{V zvT$?RfPe*Kk^gR@JOrW;DDSJ{VFQj`5%zkIB$w3NEF|@h*b(c4!1!46e9|>tOV{gL z)D*V0Eh>IbYeNg{3`Tam(`wv%T#`gt5Dk9Zb+WcLJ4_Mb`19=i$`Ui)CFDxgyXSXQ z|71#Qv2Jh@Q2Yjq{XK!%kCfE>U55nf3@AqyajI0%NWhA}MCw{6AZM)80eMDI>CiOR zwYS)XE{;~iUg`Jh#%~vm0C3{E*cdJr>wn5zl`pXUpCrZ29qI#i1Q!*P?2}6&QQb}S zHWnVf;aZmtI0?ORs&=vm6R;OVx-V9KqdKM%G+t)+Xn`Ug3HM#5uC2Tj5p1y-%XQ6a zn)6?(@2lSr)gN%(9lEYfF0NwZE=2ZPvi1b$ekBAF-u}*l#Z9ERYEo&3tS$l7@8;MI z4uRCyaqDUkmZ(&Bn_&gPUsKRZgCyWAS!{aPXXfCas=toOK-zL#a6r3mDL_a^)?}M# z$IJj^ecHtXXb|y5Lp!N*gGZfk-c-;}hFu2oobKO-(X2$%0`pAe*r&NMkdjwK@+lL9 zZdLUgye(GsXbjA?+m=h9&?*;*4M3ozwl*@RQ)BSC7w&z%Aw6xK>N&o1 zZljdn=wBc#iNe=PPT9~tqZ=27W5G1`^cvSW!Fr&TrPxUwAf?^dTsggn=HLpF>F|g_ zI;!%oBN#tF&4?fh^u43+c){jhv+H^ZbC)}grOT>;_;~c}O4EYC?e0uC1hqb+?(K2| zbWG0Zm)ZiSNwOtC8utbrJT22bve;Sh$K$xG|nrMgA2Oo0K5jX`7Xd*#Uj z(S#(i)J@#j=tNK81zb`#4D&24nN-uH@#y4FT0=EdwX98X(hV9U=E-&|d=}*&=DuXW zgK~poXT;9*Re4cyxpHl;R5quDn}qQTf3?lHV;nZ%z$I;rEio6o?9fTL?9WOJdJUOw z$>vnxjp{Cnx*1u|Z$(S)(yBGd*9qmeXmZ(rwCkK^;`|KrOX;A_`V}%=)3?HGDUmv_ zl`VTZZ&&mnf|tweivuBjD!})6le#jW2zG6FXF8cdiP!ol%jNy6G>0)$pVcv;tbEY) z-dy>i|IyenKNgrZ137tyuNa>>r<-WG#?het>}Gv!_a~d!k3)$cP_}$A-kdVi5g(Z* zv$4_RiJ6jTUy10`zwc^rn?HqB03M=-yz@Nra5c1zAfBu%FWZCgm#6W>!(N){hRvjc!)%HNNZVvHXIw_=CQc0 zm0a5s(XTU#HB-!Si^Vg0X>5jZBM+qUQtn0XhnbIZHcS68n0HRN{Z0FkJr z3jLPLI3VA(>|lgWCRE0f%TQ$Ih{3965CIq{_=1%M;{dzg^t^4Ky-y4)QDmV=K@txVX1+Rk5nL|21!--QNq^<@y$eBpI+0SX~|JnOJDn$XoE&f zX^lsuBn}S4#*sq2#Z&L1>Tc!a5!k>^(CM^20uCb1psEO|=orYRJOd~;#39>zh~l$o z4>LqRFxlEPtm)a;T(>&XB;oF&7`z(kBu>u9De%s!znpD&gXDC|fA{;k4Bu9r9k2_V0m~9At^CE|0z4O?5R-$2&y8_}XGrLvz2*ui zEhZy4Xaf>Rc&ZeNId1McAAb>K7F~0Cg*#)X`i4JP@sM14PV|Q>y*{Z?Q?zkX5zn(^ z*$;1=$8a}VfWBikyZGzOMiQnwFO`&kZ!R@_s52Y)B_Pa;&xTbs{}F>;9g=z)S=SaF zqE1o>j@GiRQq?SGYnbxNch-l1D;guqGSRySADAi1@lI9Z!Y(h+DomY)WC9ErlW-c(0=iADU&FxvujQ(*fSA7~u*v8~NxjS#Y@ zmvoqosbr9)U(_MQ$T)V7hRPB;=~<(+F!)Ddd(wrCz;ph>Ho19tZO^`9n)Fr902u*F?3TYtZB;I)M$&(wy?i@vW--S|4-aMa;G^fBg3$=MsKw z8DqPOVsZ|Q#&#GyJR{cnMQ?R@`H%s?Csk!hQL*{@7|PKfz;)YQKg)5;w}kxleJ^1S z(V;D=?8|G1Ab~+$D`CUh-1B3@AuSO1IUsARMO@VI9t#;X z*R=!u&Vn;f%I+KR6HIxH{)+Vr)7p9n2f8*fIlyk(4rlGZ`hF_VdZvbW`K0C=-~brp z#Ofhk071e>cA1#BL;Pr=WQB0{bT0L+R>sATUPXNLn~$$P{9xZ_e>+?7_iN+>BhTb< z5s3D@=8ZA=#$UF#Bpyul{p0h49lg_&lM#Qs^t<6>ZxO;zZ$=MqwFxk2>l)aC2~MXl zaej_Tz-sE5R>ylabJ7dUQNqqqx3E)BrN%mQi`sTk%8jCx1qEj0SaKrc-1{Oef2EVm z@RGQFnyn*>3M;*$oCNfB5DWNE?*ENuVj~8_uYoFx96-~uRdlJx01SQGNL!K$cDk&y zIo{aADgGR{`QnVM2X-U|f2BTYxjZT(h7#kG&l@nBaCTw%gcxWRO2bEGu$uP}w6?#6 z7^ZNy$rUTlADPq&uX#p^4NJ#RhtxBP4JyyZ{l;za)|2GN{LCE<1jQP#2t+5?{_Z0& z(E|ovQrLRCW2kE7^{6ZaAaj9F8JEOcnixA2#(|F_hjE=6Scy@?3yLzVWTPQ(O-sL( zxA|JD$zWi{x^vj((Qw-L1oQrN0&!p> z*NsYzU-@58SF=agM{wQQ5rczv624IN$By$U(&V2ia+Fgp13}TPm0$13ndSbk(Z z4?()K`zA9=ielh|3`?_&9zJLZxP5yO;zA+SpZ#jUII>?e;QNzlj^_vk_uD1K%)HdI z*3UUN^n0Ykdz1OxgM+>+RF(796j|y7* zX<$AjMp2f?0F<%f>a;XFIrA_t_xYwE3t zec~{F@*7l$6b99AEO`V&9XX8slw(EYKjAza9B7t$kmL%54}E`i>4A$n@}-nDGd*0< zyA}RzU84dx-mA;I6SjMq9mQ}aQ>@-9iOPmDz|V%qOfbD%YnWejkOEbGzUtD4q&oqe zg~jWzEJ7d`w{OaY$RC7_iCFQwP=Ks+`8ri;$K}rNQC4G`S zU^#bL3CT<*smIt>(j(?od>Cq=gEfHeQ(>{6nF-BZaj#OKB~z|PMOn^=E_zw-jg06A zz-xX#HO&MU|ANu~skW)Uk08iAWz`o9b_l!Vj2SNoiMU{#^d2vERlhtQw)WEXpE#Fz zD{{xmwN6s+FXM)}HZxsr0Wu#DV5o+D5dAow3$##Jd&rtA4E`UQ-aM-5J8%2H=jp<< zDw!Fl;=)qL8Rn*HxM^7!r6#bG?iD{95{! z@9%lPDQ&6Asf*=c`egWI0+6B2Nbhz(KfLEE!Q{xdf71VyoXYT|^o%HN)uc-9TmZ$lRWD66nAnla;-IX}H-AEo=?hc<~{x$?`3~ z%!;YhS=TmX=g2{^3r&PMOMZ%|xM3;$)gc+?5H8gr9d}{TtlkIU<-+JPk5-(w!QNcp z3~T9=_0<*$=_?>{Oj`fiizWsgPNf%53RWIUXLjQ<$G6|PsPU}fPjK%kqdDC^(b~T? z7v_Nqqa3I`rf`rqa>iU$lorRcP07kam0p!)Z^G}9D^2`nr%;sV;s3)!KL9!~`cDL< zAEr{NTk>$B)C32YS&h`T9k=3o+gn>yXUAM8xHM$^($2q0+@~ zy8&gla@Lsw4oZwG>{Bo$+v-?O3%?A{;NYSOFZq=<5M&fDkC@F$Ww26H8g{8Z^miQI zx6i}ZuAQ|kXHokcRlKEmglWaw4=<9sb5jYsq0|}<#+T4INnP-A0ntt`Sc?@9_*G22 zL~3XfgWR_6iE|FyA%Nu|)5$rf!F>r;zP|0I+vq!Y^OTA!JCE|P1 z#eeRby4YqKO0B2QPJHkGpR{X@Igtre#~ca-Pj|oOHScXQ$I1%V{*4igW%$P5Fp}lT z7ebZXPDdd_fZfH0_|R)DQ0;m=)~yGzw8|Rbzp*>q^zo}uLCvLIG#)bFPDdMn3?&`X zU;Tt8EdB-}?oGz*6c@Vm-s|;sJe-9BfDYbP?>M56_D$JGjm5-9n#fiOk62*kPEp%g_$n z)%OS7^Co;+yvD|6CkhRwFIjTj7XVP?k+VeF1rR>o9BCKIwDz(0!qQdg5BY0{qdYId zbl3Kt`hM{JbZk_LuCjD}ESwMg4QAoK`oNH$3GrEA?o*~R*ZiJjlA0^k})(;N^to-JtW`P45t^@7;tva8^|)*bmP>=3sS2 zQ1pFVH5AN6=99ccOA0Ar}xVx~lOoP)g{>KKn zTpS4!M@xnP5VFC5Y-9}rUu08zVNNeRTJ!lH2?srF4m>Q$= zboYmf*Rx^XS^HLt3c&7E@KG+u$iC4Yn1^lzCUp)n9Gg(c7EElcZQN_>yxCEw;X2?{ zV-96;+5n(0cz*L@amb<-HO`bkJ+Zv9Pj&_gBm|YW?DoZqFikR6De8 zR^G}p);Mc+rzczfT&S)?FLlb)($zq|^gSl!FOAMOg_BPV_>(oecbdb=mg~)1i}1*+ z3HMPQtrn3e2bz9M99`^8xB+P4SO2c;0qtnCKmKfQIiF z4kG@?kS`zVOSswrH?`#H*9;Mxr;u5w-V5h#V-pkGEU%_I_g>Ar*8KLser$t({YUb8 zr-=FLB$5}yE7*~NzyVp>MC() z%Qk^;_A|Nf%lcZ=gSL-TA?wM5PZk~wH|34$F6_>Q5X=>fae27(2P19dSJCuG1^NV5 zUKDPuAH-colxVNNbN*1?M~i8s7X|9#x51bdWFy-&@@nZe@g>DwJ-GRsC zzsrC5kA3U^S@(35tCmlk<~NVb?-d>!C^Bb$b?MkH!}$bcuLh6))mxuxc|kmfr=pQZ+QJ4$Dxn2KEf-mHCwB6R$rV;+5SF|4XWq#}&7MBPh z-Gf7?;lu`n>dTR(mFR(LNyUN%+D3~Y05Wxh`wTKv%A*=nQJW5Xz&LH5VXi%6JEt`H zf_q*jRK3(@h)7Ew)a&1=Fbud1S7RaGeTu?YDKrMF1@{+aj&6rE?8<(YBnQqXud2pE z76en;_oLR%wHz7NeS_Y}=FY(W9$ajz>(rwgB$yRViiN6sVg#cc2}k6_nzj-u!TDW6 zb{HRSbk?LMTlzPTfUzb7UL@A}#nDkvvr2vV<(=CnIqS%)J7lOG4R3>pM*#ZaTW4EC z7S!{t)0^{>rqV}byuQ@*yI6XxnGx(|5HE0Tm+Lz3?xu6vi+i0~-c}Cuc zn(dSKN(&;Y00>-<;iUBS_tpn(7{U(9QO^9gwF)IVm$drxK52wdTMQiGdP^b1fg9xl z$b5&sl}5S-9Kp|IWqRnv`n>bm7=^!7|HGu}J!&i$YgzC>a5wrB5hbk)o`9_Dqj1EF zchpfWq6ImD@+@jwY$A0vJNg9MSh;yt$n3ua+u6+op6ZllkwYO_5v}`a9CK4TCTCCn z=|~Cr_Gq^E?AqFX4An8NKT zyXW8AL@NcrYbAJEF8H10;14sztr?sabToqc7a)85C5wiySxm`)J@Na^!y~Wlv5V7p z^v%i>9u>MlE`OV->w%6BX&)DRMWYy$%pOa86rByb9+wO{K(SQFK7|YGjm#a{%a*pXP55MTTMG=@ zori&f_1mWIl`Ou~64IJ)&!?}6ytasq{>2RcQIC$A#Ke+D}Vm;W$A}>x(>{S0m|b#DqJA_Y2jn{OatvUx_q$v zu-aPb>vT_7vpipWInwh8=Xgk~_S^0)iW8hl+aVTB35CY`Mc37z3#HNQeojSs>8@_! zZ!S9`1y|qWFO+|8y`0YG=#Qyew6MLRli2xR-^}%h0H~6URtFbHD+;218mlckkm;3l zD^DR`nIK7)MCDA>uMh^z@rk- zv5CRgVgmCDsq*Tk5X)f3(tH5XWuzKJ^Ef6G%gP7o6PdxgtDEFw-E;3QcOmtajg#oO zDuu06&k6^AUXX{GYvQAHt}`75WiN^$^OivNg=b1<*p-vUP@N&$S<$k#vWppwp$`)w z@fbp6#f_Qp%w!c)d!jj2AM5C4Qe(V>w&gesm-x0)V0>vCqtpH<`4F2$NCn>-^2*=F z)WnW-A|T)fiaH}UFY^x83;wk)FIDP@EZ($EfN;Fsgt zQGY20XI)EwS#KYWXYVIrN;5xCvZxF z*-3sfQt#K@cV=eA9gc#R(iji!xy4Hiz%tvx@=vcqk|H54I}pVeq&Bh0`ZKe<-BGp) zQQFP`9gK}%5_b`?){c=zG#W;(O5uP|@YQUTXJKTxIW3h!*0D>6MhX0rgEN|sjg-m8 zMz$Sb_zm#g)1Ac33MtH*Ln8);I{m;XUsFQ7c>u?{0%T`%CR&T0s_(tu7MFx;5zgdgd%HCZA`cX{5YVhSghXW(d8cE%AR zG1x)qZ-X+7v1GLh*57%~v-VYpY3sdcG_`FjlP^pOthAM}x`0&?IFM;4Q@lxC8J=(f zswHKEkhS|ijUik;yA9h5q;3G(*FtTr45vJSyY@vLYu=VUS&RP7k@od(Q~u;zGyr=G z%@(d?{YKfe-~DFGuZIC8g)9;}#}0dDt0D^1f#DoBsk^E5bjGUc><*wwFSyO-{IJ53 za*N{$c$wjE;e1b2_+I{Gikg~YZYdI5R*}_9(nFCn#tiP}dko^MoR>p7QniMNS`B}8 z7;-(d7o?L@`u*Ju`e^nCwOLUjVCZBj1vSLp+FtbZ9w-B1w6U{@Z8IU(2P4MW4yQRP zv!QGDQnM10t^agV0WD9aV6`^XEWVpz2e#cs>@p}xT4>@rQ>7O2W3Yd)SmfzhW$NdC zdD6W)TNAcfTRMCM;?6pS`V8VXcza}z<#Zq^4spCWL+jW}KCNGW<$6Co75gIXR%4!( z$0<8eKs=*4vCyCL6ZYMv>p+Tq?7cepe$(FtsM41>^NCOf*U5tnS&*tmo+gw%CX=M4NL+dtCqLG)M?ckP?=_K+(Fld(Y5s;u$Y z%U$v34;6V@PoiG_j;P3dD42$-5UN_-yydS2={jVxU-;>WuJ8iRS=UKiN8L<4QJ|o) zEgz<;PO>^o>BFwG{~+ntW=IbozM;UzPmKua8*8T0xCr&4dZajdycMsoZ8xF$tP7R#xr`FR1jyy_d`C zfN};Pz8omjVZo;w4+c~>=;4d2Zqqho7SS+jI~Z0-bX8XOA-0vsaST4L+fym$Jh><} zh#ZpC;n^&-r^YpHG7y$Q`e$FLu^!3SAw+!_I}W1~=?sj*jPbC4)^UO9_;1F39%{Ba zF%Go9R}V(03D}Q{DE;`+!pYLt+s1oC=dY)tbib{l@iFs`42a)0MoaX|)`gBtsxccN zR8<0XX0sO+!r2P<#+c*DLS1ZlxvgfA$?lh#Oq28?D6Y#V{tO2GF%bk>OM!_##P+#g zosWr=PIoypXC|9vpO@*^HpUTuFdtw&EmDR3Vdpsz*)`jFs;cj!NH$h8rTuPWapwBp zxXzc~$_1Ca=#%{3IX%P67yh*x3ia->z}>I>6aMFck2)CLe)hwq#&*u5iOFM6r!yNr z44AX^kN53aB1*p|ZM?-s_fb_byXR;V#fiIv?^OS7elioBUtJ)Fk({7GPO9go^#)de2KkcHvR`y?15i;dIwzDNmvbM1u(h2RbA4=`dtHDYu z9iK(NF_i(fbDFoWF$%43l7E3mM3mompSEr`GZWSQ^vXiCiQTkK8G}(xrzp9x9Mv3F z>blL4i4MO3hIfOW0)~DAq*-xpd19-y6CIrX?6eAN6fGYdV3!4I+?td?@$$x4h6WdW zRoV*~+(#}0PnI-wjhwX(@$&_??Ds^kjSUph}y_?b@|R+?y( zCp27zf_L~phD9Q;tAnaLmyevzRV2T3mvUT>?ph8j7VlNC2uq^pX;Gv8m{^Emc%W@) zS^;Iqu@{hW5K_9?L}}6{A>6`=JU6&CP*a>6&`pn}E9_E8fkHi!4eYnC7ReFRJ~@!` z_)7P#aQWHg@wt0q^bd1?gY+x!TQcj*M3hL}L>epng#G%cF3fwHvnA~D<$ggT&CVFs zFMN_hTe!Go$ptsDYfZT$WeJ)bT0+_%;sn=^wEJd7g~|CQtV?Dk6T~Rc-;gp=y>bd(R!d^c~F(EsGrm<9S^j!iS5T?@EW@ zi#W_=Stz%vcjLE5L||)LfG4B>jxnOnY})b-y2_(rMb%~5b)Y5t!*$PlSy$71i%{b5 z@q-nF#q9%(7bk&ijf1Svh}U;c(K>je()#P^XBA+BA40 zRZ&3X`B6tJRQ+16MhenyK{p>I!Yuy?qug!v+=%5%zTizwv=pPi62nsFz_pQgYB_EnAH6%+U#n#}UE)dgwh4jD9@IDcsds!FVW2E)35 zi~b2qx@JEd1ZIO2#1ou*3ku>d4u zvg4fjK^q4Ng>JUwE~sB}dWh23-Xi3njd|d|H#0)qU`r}Ab2YnemI7p??m92Gqd06# zudQMJiX!cE`C{g(>SK&}?aSWwLg3=gu@vma%XHiMD4KC^Au?sOW_Z$|wd&JT%-coh z;TSp}OWR-rk`p2;4j5SBb@_BZF?Bc1Q!{PlBV8*l@uU8zsMkkLeNo&;9Sie+L`$bN zrsf;FVy*O9M7*&#TfrkBjZQ}|R~b}IUV6B+Mc<_A>R%OcL$7+L43Mx4&PCJZr_hDQ zrm-fz(MBG(rT8%If`1lL7~#G2HB8bxzOEa9j{6?YmqnXTd5CrM6kIJc7kCy*Qfv7r zQ+auU?T~$X@;RMtoSpm`+)8#y?lz6I^tbyvv{o8NasfpAj%=$!a>hegf4Wp~xg>s4 zhAVe}UAb|$Uz0P`7jrHsx*1m0d;@ud7_0DVX-<|EgF(m{ls8o6Ke_oT2XSx8y0R*w@Pu zf5*T)huJyQyIyah4b$lj47#t>B zYPy2w>VBl9T#ZoTl(^Lv^uH`$W@TXvLT4!5$JG3if-QE}HsldVgSrvjmP^gF^!}oo zs)8L`sjDxlcQn%YiRNp0RY(9~YZ4W@TkGLw+jCY;4>iW}wcD$zzLY(JfWaEL{Z-Ix z)IlDtpS42`NN;ICN1j*tH4JOeGin}5eX~;&D{C`+$v20K+&&_t#_W%2JNEWf-hZ(> z{=qbBu^)e~csZnz!+Y!rWNr`J(N2z6?g50;$Gl5P0BVfqDB=zpE7r-i8_^3)nu3%@ zx*9)UrYcxn@01h2;l`4sz#4sG0UNK}vMC!=!M86iX~D)8ZVKciFw|_mF)ZByv$87^ zEsR2x+UAVN!Fsu?XLP3{`$D4ku+lj<2B3xGa^jSF#z4d(E$Vw(6Y;ZXbnk%vl-ESV zjltIZ{@ArOT#8fvX1>DLWxC~CV^`cz7bqr5sYv&$>5n|qk{wah^zQOTPr(|!M~hQT z)0V+bfW(T-(Xl1AXFtS&M;^(Sifcqt)|5}{A@;ab~>71oxtDBc4wo)_!!6* zbvPVT#n=<7o_EOM3{)r_3?4>PZAlvom~5(Azv!=a_<5|#e5n+rx3QKMEIp3RtkKIE z?fOcoO`snBKT=@G(#P{tiwm=+g0BA%>*emR8Nt$OTP7eRZ;d0Dr@@{L=XP- zYB*rP+APC7jHlt=RahOF<FY=p&-EQsfRb_9nDuK2WZBHM445pu#aQdMWnue}rIZi!)1%nz z1;|71*Jf#jS1Aj;N~w!G5m|uJrgDaQN-7UwksZqIppE#P&mo+pWl#mfz-|q!yk1|y zuNxLvf&G;9ViwdR!mM`?sjIDPXaveKV@`1DvpV<1yu|i7xQ%Z&Q&!vepD6h1K$|{U zdT0+l{J@=W%}+8EK;u+&NETymcGSH#>I8@g#g=ct|L(;%|DJIF=K|(ss3mPzb}uZE zJ@U@;OXS|y8uX9;7X9j;XCpSssXuFYdY!nZy$iBSF33@%Oczb#pYfK6u^R_di8({G zL^V+q&mtj#7}~eZKgbafs&1l`zn$xvy`z$sn;PRd%sQid$oy`8vnRX=fOJNN5J3!b zg4kkc(|#*UiW|XHWIH2MnihtGqgx_ikKsI3_~xNB@{7w)fsdrLK|s|rjgQg7C{JYS zKSQ#W&Uc$tTagGOA@~}_+B&phfVAm-nhHYAsSB^$E7HlV*^6ujiHH=x0akCqDUSI4 zFkH3t4ShfdJ{kvP`}Nj04d<2GRDg7uS{?Em|98#(cjsaXV@-16yse6(Picnba&LIQ z+!$dw|5R|^%J+0U!G&ht*H^c&EqE&>HUShV1ZYI_BC z?HVY5A%z##SO$#T@vEx4muODql>S-yR!eL`^02M5$vu5X`fUfW?TR~2C1eeT;}bsO zOcRHTFD$-y5clU%-;;1hmr=yt?@uEG*wwz|olq)9gHjhrBkN$e^J@y>;>RozgP&9Z z$W150Un`Q3H~qlM%bEa;BhiYKG%z<28PkJ$=qXxVX{So&;Ui0;A4`}7<_aN0m;9^^ zEjpIIHSDT9E%ftemt`0oYiK1_Px$?1bmBj zIEk3nJ@V^{xaNEUP;vr9XKbq3d#BPGiBxqyc{N~$V%a`j<+7R()n_^`r1T~~18)A% zYm#F-)`m{(f1OxI<06kH;Wpm6{NbXtQin`~T3RT`b##e)#TG+OcK%HK|B4kV zUJkB`<>YJabyO2E_(H?8)Mz!A>!}C5OZA9kpP1!&rJ)A$1z%ivi@E}*iZy#w&gI;} zZXGHhvqVvB=w3_>le9D$8q_%j!S#T1bYp!D3=bFd4hf@3o0z(&fKgEGx(g!FtF{X^ zK!WAyxGpnVIjhabKNa5JM>(K7{#dt-+1k<`pdQ)uS zyveR1$;!F;pSz|NDxp~>ziY6FW zaFl8$Do2g0dW^{}#Z$rP8B|@@Wm^;6QgQ84^ari&s6uB!*5CxZ2ka=N-S4kHC(a>x zvnP|A8?!1#S1&_b=alMdsv4!!WibFHw4ZBq7nqvr+P0x*^Hygs%5f1?J+t+H>(!FW z4|9F5rzRO3p8i}^aM62riDfBw_$l%E^T>-*9I?TzTR6TV>~(3z*sh=YL4lj^R4;b`H*d3=Val zt+NChoZ*3sXsT4x5pD4gh=m%1P}7YjR9lDD{%!>JS=^E&#eH|81MvrnB1vFfHw9lW zME!?oY-K@xw|fcN3B(`Lt<&4b5nuI~eK(WRF(|?NHYVn4OU)A+UN8Hv{&0^^wtmYh zl-$+DoZru06T@N=d2W zhk8ms^#X^5Gw^7IdeK^qFr~UX`NVD}ZBA9Z65TQ;DJj<>I~ebw4xYbTcwUZEkgL-h zIE2~v6gVSZks!7^w?v7CBp(v^(<#0V)WO(WhauotHVCQBEzU&(IdaFL`JcfkWd<-% z0q=6Gx_kvY?y|Q)`Qeo+5;u6YyRX)tD)s_u-1cpXG@S(Jyf)+zaw_ zpG~_bpYy!9d)V>_RPyS}1u*u0zX5`g#7j#uJu8j|H;;NYVd?wi9fmzLVcw!Dd!ETQ z7jCYt=e#l%#O;R!6Jmq^G%L}>o^sTTKJc%PPB{e_<4V$~c|yqYZ%6PV znG+NXmq&Dl-A6qwII8oiU;fS?;POLkeMk--_pIdo}Bno2byl5uBIq>F}qR*PqJuV9F==IOpHRnH=dvsRpPj8hF8`@}tQ$2%*e0yhMOvSQtsYi<_$t|#)fEs^T z*i1kxZbpF?_B2GP>3RDKujNEsnKcae>+*{cQY|Y3DQ#&@A+yfN?$ve!&@8rd?!nS8 ztkJDt$cl}IgOWWwKN3hmtFA+;;M=PN6XFQkDE};(Z}1~1E+=JWPbmDuK;2r8#c{n+aDR{c4YgY(+=HMlFYr29LSM`; zYT^bwIcj;Mh^IdS+cE@Fc8r+Z;@8aQceIn{X%~OX)w!aB<-RKMgo!qPZVM!uX#*O{#5d{7uPzSlQ_*SX|B7=lJ58n!`{$-tZxg4isGft`l5v8Yp*_nKvjcD(rLMcmMg_SZyEw)ys-&ab(*y=pqR?)4OxHEe0U49 z!yS7gSFnkFdXwM((B0Fn5;S&cd;c*1XCd$>j(>9~%{6=P?E3fPvV^ILcEHD_3e@F| z)IyNW^I)66r2q40W{(Bu)3fPMLzp zYgqq>r&xE3ED&gf`dv0+M>><2##yPs+Y-o89NkiW1O?2TXw@1X)fp+J^45%_z2>2o z{bb;@U}=ITpWw~C*5Y7^nJ6}M^js?B#L?6H_W>`BY~tKGvdav81MFya) zFW$BtqBxe`yO^R#dak|kp131bm7NjGAe;K@4sw{>B&^Y9dpOm3n|>sf)@>Sw7NXr+ zAYkp=*wn6kM_$)VZ%9rL==DQ}zzsED)!V=?3;e8SQAnq~HMI}V*7Rf(td8-8jQu?p zaKEhT<}g0xD<(9}b;MhIW@T^s&d{g9Uj^~=w=qM$bU>%CHBdKcb(02O z_rkr#_WC%VNAeDLa|8s}rUYiyXMzAF&?}J*TV8|9vbMQT+Q`2E75CkSmUMbVhx_Cp z-BtzM&I;MM`RzT}LU|JVlKBlG1TfU?%_Iz;Ot(kV3lihO?|l2Q{@0cH!y$&L$;WTu z4Jde7Bz@7==jbucRCqOU2;W32HK=F7e9f@U`Z|G29az&eQ?#dXkuw`tAELsO3YudKrCGE$|JnxzMrG3i~o6R zvcHpg@D}{xDT}7OL2+(rx;mfe=q>$JX0 zKCVVN0FR9>o7-!2+?fq&D>I3{P)Cx9!$of3pu@JLlJ!;P)WJMBLT3_>!Yym5yZI*- z)koS6q7kcf=3NVvV=k2G0A#XZOA_2WJq9elzCO?8{E?07$6*z5jqH9CND3;cC7#~WGLPa*%E<31~P+2R=V!Xo>?^uxre7(I7a&*Kt=*ADseHl87lrz!;U5h9s%n_YzO`c{n+wygWJWq)>p)(!Nzhuzl ziJ_a%9)&1T9%1VS7vSrEW30_*y8fRYB&1ygwQL;rO(&ptfDnW9mCbk5kp&4zU;KLC zSLW$*x4z*9te|0QKV+nyL2hP3w+af)KaOZTOdf=kRYiJ1j(e{eLEN#wCEVB5D6EgG z$_H$6U4Xom0H{FT5hftAlRWFdjeF)0%Cj-Xrz+A8Me$dPYg1(Z%|~5oeHlqJJ%IeD zu>s_uoESk$oA9O9p5?d18ry>W^F0;F$LMB2m@;?uu(Prfd^QiieiuCe%p%{neCk=3 zt-4RTW^SuDt&5M*xcGTk+3?TaR}~zXind+SkY}uoLAdBf4>Wg_h}C6PnSa&t4xM;O z=+7he5QAsdM~)8W)nVd|kjE_PCVbZ)AD_&7aqOdtyLU^@6)I$+bK!lHB*xy_7koLo*eXLF9I`=S5{D*bx3cX`XMysbi zdZ=N(=l$5-SjW9u^X*G%I)k*MZ2>~`YB{i5a)`Zqf{tAJ_|@a)njcXJ)I#(pl(I(} zgX0Ci_;nR;+|KMFMp3^~V!V5}59gb^!uiv{H8BOB9{^gNP)`c8%<8)Kk9Rw_nUyho z`i)@npzA_&fQD6g^&AlyYMHmz-G#DlUkp!lGAaNCWsjYHoz8v_P%doPhcTU~+TqGvCxD{E=+NY}o$D@TG z{`V#&l_KiB8aW0Y!M8wE#Lpc2f{Na#BG+PV@UNRctbCl<$$Cd!$Df*o zlv8aRy6qH+Xiqje0;0@_?2D$fYGEB?TnFz1|%T|-144zxn=G~(SfoH zQ1xb#I#5IY5xqZ~8b%?WK}J=WTm4v|6MVjZ8GV3^@oB>I2)G&6BSRwqd>Sq)snK=0 z&)lgiv|iLc;1IF4l!RubL($PxtBBr zE@Glov<=Ql6lOF7QupTG#`MU*#DrERf9rhr*jqw<)9zkNc;eMHhrG+D(Oplp17xC^ zS84*2QqfY`VJ%=P&e^--e=)#o2$cEv8{P(5k4sanC(||O^CNvtLa4`ZxbcNk!Yw9fr?16~X7IbWUNHbqOSGYdpf6m+b;^s(V%6PVy=UT$ZaY zDxEa5fS|f;PXw!OLs(H-+Q#GNLfR(KiWm#MJeYCc$;U z6W6=Cp{a|bsMYmxP!}RK_tP0)J#~{;r$G29pXn9puFFETzfM|)kgX`4e-nx=!q@X` z-P{y19mPumt{eBjXu`^e9hN$_K_$xiQM2VsLmAx#j>f%chTc?lM>-b`2cnT(qcSOgee51 z_aDdJ5T0d%Q^?-NM;EIBb}dIR33$^Xownz+~_k`L1MNH32qc zT;=Pm<``;1J^^e&N@3s=lW}o_xHEQ+roHiLsDJvd1#(ya4$PW=G z?T@yk{(EOe*{%dj5$_^+GSD%ebVLYJVm(ox!B}elqI*B?S)4gXZ$gtD>lWW6@B+`{ zcpJ}MWooS3`auNI=s}P7roS#?RAJ@*LFCIs9cU)SKW7QS+&*+M2JBb?>}&u z9hlPjPFqHQ^a}zEPQo0e)=3S)Gtr8R$B+neAI%ur$5iS})eLkK=`e%DPKNkwea zLfB?s-ng3WY}KrNw^2UBNGTfv1cmNF)r_@A+q~tx?;}2DRiYo8`xY0JJlRMXfcd7Y zvlI+jKWbZazV10}$T9h=>=BbKxy@TM3)Da%_HV(6qtu6I-!=g~tP+DiKX7z;rZ*eN zs#HXzW9Ip7yUqa_o02`iTX;B&s?=NjzOmyKF1kaM>SfIjfB)4>&;oNZu^Dvww)@i) zgExjY`v;u=-Lnk)vI=G?yNJWGK-AY4g;Z-U#l0RCTnJ9zc!n$T@&4^@)DTsH#rM($ zmA<3F0E~RG6@b3!bE7uh6D(q2T@kRThc}%&j(EcYi?H+qxgIt!BOlx+c;5#P7+EPk zM;#1vHgLbS+llUFb=dOl)6ZYewdjeAH`rP5ePNdn%6CGRS85vwc1$x3Z|hL@8z<}{ z=2IGNZkED1sR!t02`Nw@PN#3xD$k;+Wrjy{TTG0>We`yKve0%ZrjeNW`W**vY9wh5 zum805bb48!t$3xVjJy+;R1;RS= zSG(H^#T$KwnX4TDmvPq5%t^;UemM^#fCrb{C)z5GL4W%tesU6N^S2mJJCi-sW0;SF zfJut{0#wJI1yo4S1L&%Vaa>86lO@6YvTj|KiPaxrY7UFdpq`86zi4^u{M8t0a!YnV zq`!VyJp#+rw%MeGLm7jl#XU>AvmrIRNH0dAqjGTn#LLZzTah$f^_*5_991q43x2;I5d58>r2ERc{lu_dqu?sV=#Q2=e-^}vrMxQAn1og2 zk!Z?$u)50C^^dHs5j4EU{UVLS)SfafA8xsfQMtj518zzFMjE?Hm+u8jyY$H_6+DbS zd_3;-MX->$j=8A{pU;5dA+4ZhicX9FEXT5DFz%WoMyl%UK9>mT#)XI8fb2p(bGAV9FSs^&p}3Hh8}}r zh$?q?{nK~UcyVW~T#AXM_GDF9%=+K6m=!vp1zTzz^qIF;HRFQ^C`T1}g>YUGrBCw1 z3qmX{ z$>Go5tBonwr>)If2kS>Pn!-gb&obzN|E|gXpdR*Cg8oSuIuIgw9ahVtZag_H$rRWG zJp}ocR+r9eCx4!Ubbl|DA0Aef@A#+Fc^nGP-8I;e*%OW}TT5)JRj-~!Mjn6`Mc!!& zaog_WX|y3oY$~f#rvY%vAR?&ZV%5Vl8D-Q`-y$qg9t|T&*5c+m5hW+vc`!0E8FMR- zx?dV{_O4WOyv~wm1!`x`y#5CmT2L~Oyz45!csS7O<>HRUfR2o-7XgY`s31}@x*pR& z`Bz^IG<4H&%GHxQ%!ibJMEXNUU9AS_*^=FrjNR3t(+gO0sM!Jqw5-S!YVdAX@g4yT zKlh;OBB&?JXMJ@hIw?c_Ux_c)5go@0pSxhcnsJJ(Ij~w(@|5+vSO@{`Vq&Rr_kDx2 zcbP*nO>Ji_yG@pKukCzrTB9EW8iHjNZlS&}`1zlcSWO30Da<3OEw=P3q~~d?3;$!A z*_*^7m>Z)DzRHXSUBXqS9l|EWv-!l`#k0xI7YCzwetA8+k;U&9e|8#f?S@Bg>pQ)A zrpi3sF4!dg{`3#0n0gj95D7b6aAvtR#h}%H5q!KIUf|<%nj4b!oyREi2I|6ss#-+c zxGDJW7lA@n7>l&d8s$}Oq^AenA;G`@#}d$5Qb+YmVdS9xiTYz#eiYvWe?#rN#0CYQ z0?OgH#%1Tb`;C^M&svv+@M*vxN_5--_ZG9-eIu88$lVc^POS;-1J=%3L``7*+j=^} z)!$g;WB%GHfZq?}d&{MTZt@Q_|I>?c!Jjr26z^##vxEX72Yuo0yj#O6Y-=hkKPu=N z2SvG`WmIg(03{O>7)6@U=Qirwj8C8-sd|1|1yA6B^tU#oz7+k!Bgf>qa;cDo39g*6 zW9~K}kX5BSdqC;8z%0x3D5v5Z^+Bqq*Bbzmmu}0{NeM}yS=?(+Lsp`hbEKe+YoDZj zkaP>|WVJ{~jSj9Drhq3|>OeY?-eRF5F_Cc885J9)VXIZ5Z@g|hW){F-{J5;o4GoTF zc!$&V6mvMsv*=Ux--DaQX}6V1QN2)1q;&NK>Z#nG6Zm^)N}kW^ zh3Q9`he2Lu2M^{ZRpq-kd+OPndXi4+9#zk#rO22BYCgq+QlT9AfsuK^4GRTBG5cL! zL2xloCmQ~O^|*uTQ{USRB>hD&<$g3t{TDJpp`;ere$OY_AuNc` zNYynKELtwifq`$c<_9lxBUJA9oWUM}ZzdEL?4(w@P{9=l$RcnN-xhcq1^V@TfpaxdXv+#sl`_^+y;b?ciOFm`5|?rfh@`)cXOZ?JrW;?fd%%| z2|P}7FrqeSpgK9ZI?hDg=fP?2VzB8L%sLka3d*QO5$05hoH>HnX8uFae@9tpO4!M&c$NLQM<6M zheFINV(#*i8{zrHpB)^nX9NRA)aNFQXvDSoYiRAaW*J_Ud*=d4y7G9<4PfxbNN4`$ zeTGOIwYabU=U~wC$E zdUOrmpkIMZNYbJ?0ad}nX2kN{Y%YSLyKq7O8c6?oF4L^EAuiNi)XNW6Gd>xrT#b4O zkkn@WmwaJ<4>{e;aL+HZQ5N*>$$jA)_zQ3am-A z?$VZSR*)#A2R|S638)Vjq5ib$u@q-o{4c`Hau4%v5tM2v<&BC=8@y0mO|z<2ANu^s z#Db8>tY>s`u!3T?g0WXDdId)RbMltd!g#w;zZ~=%QI1%GrIcNGwfVMF@ch1%hg41f zZSUf$H?Ht)I*9;IcD~Nb4f?~N<$6&n4~zrUpR~Uv45ofO>NlZb4JVAB?5fI?=jG4+ zwrfi0!)B9~Y#!3b1`gW|!lruaZUw*Y_y~M6_`u1tuiFtAd)yTkkwx}Q2o+>IS)3Hm zaDf5!&#ckGpkE#0V&Xn9_XdeDuSN)SJ!y<&5=ytab@%Sw3f zR*ScY`gOs$)Or77sl7ev|8jNiQB9utzCU|9m2p()YoHcA$6!mE=jZ~sYbvWAV6+|D2U`DLTtcaR2Rp)OtuFArMw$vF>TX zLoTO*)9Lbt?~5`%ba^V|T7vSU~i2y!^T;N_|qZW;KlTxUU z8JrJ$-@JY$*pa3a3cB|*gslcb3vp0V2ftmW&DqaSh>9kpJbN295YV2@KoPo;6#jTw zu{vIFn0%>SRRx8gcE=mOPe=W1WWCFxk$X7-$z0FQ)nr~$f=I!4#w{NvEx!f~cmQ@W zbuI4=IPWQj{Fl}SbLWO%!XDr(q_j6^YaZ+P1nEJ3BPx-Ds#tOhoGxu7W^aY!L(Cl} zPrmOr(7!+V;6yXfTyVu?!W4ipBbR!il9gTY?c#tc1{1)3w~BsCi9oq{Foe%VcWl5j z0w411;>}Lw`Hg*~q(jv2QJp=H*ooD~D|+LQERqjWrrxzi$^Wnbk{ksavPP;%@e&`L zZ#|B}>CeeYcEqvN+)Ji&je~VZxX6Dxu1J46n?!Q&Y)HVN2_yPB@bs`q>G4qt%STh| zu|&azgu>`fbY;&GH_o#ZYquaeBV#X-Dn*#hxxV#FXR@J|Kv2P8js+0V3?3=smTN5{T>P-!34L3o5 zzQuMyNU6Qng~p{G;o2}rAaHs61yZwO5&q(zDyp|%^)&=sGy&%cY2Zr_d|E=g+dH)Bj~z={qN1h@ukKM14);_qfMcXVd9JNNqdVj-MQcT^46ieRWLw0U5(5*B$a% z+AHVRDXXVEK5f76{L04U#xfz4!$FCbd%PPj6@Ssq7?B%S=CGxVVYqia62(PqL9IOC zNzeEv68yORJ!e0orFx8i))X3)N=tsf09zB{0r}#EUuR&}om?f5MN&Can+3^w_%V%0 zB$HK9>cxdi$z0d7Juui>zOKlr6i!aM?a{XW;by$WdsWRfRO!=M>wC%ELRFUQG7(}Ox~;=w135&>>sn8^l~%W zG-M)|J!9EqOCf)+S^h;`+Pq z_$qqYJ99;R`s)CRL2xQ@Qxux}fKq7WR&{8%%P`wWXGHGXL1UNl0m|-|l)`Yo0O?2> z0eR_0_IShurL6?!dlSUSy1{!jbaeV!a#L4A-SpIRegcz!Wkn3A#VDVH;}Q4&!cyou z$EbmfW|x3?7p&4$cRP979E>Na_|@RGy1MSm5$nY3{aE(K;+9Z)*kTpx03{P4{00%Y z`*CQy<#s*x_c<<+tv)hXiShkgLQKxgTpg!J!#PgYXpBo67ET4ES5{67gE@Z7LQDs@ zT^dO!*U)m^%A)|6H)JE*{yCNsoZAwtb;|a+vH<9u`m;qzs0j5RKQz%>l7%y8lcZS^ z^D2+h8hctz5aBLL$NU+XClx?(%)sdGn{Sps2em-|-=EL72fh^3iL2D{euMC!bju7G zsT589OwOpgrevK5lUMx99;szap~WMiLAr*5A#Rk}Gsr~8zQ>&W_MG!q&A58#fdv?|6HMMaFRrR6RbU0 z4OmFN3&nca?6ZF_%zf75RrXxF;8of6Ggr!;QQ>k?A?_#ZF~GY>S`3bznv2dQe}lJV zg6Wdh1|adIy~JHoggs}y=bD1GxNMIOndXQIINftv0~;th^<;BTY+_Z`&cWqtF|B|E zyjAc8?$++K{aGl0J5DNHU3*75I{oQ(G?Y1ZDQv8~+;*xclmY*veGN>jW4)tEyGd`1kWqw>l62NDFYw?~U(kRJ1eihYs00fVn^cKBB0sNzhv zW{a9Uv*LPZpy_DzwkwIkGz?eLWnZ4263p2 zVOLvUeGSA#NrXh@e{Bi1z-8AhKSzC{bKIzOAH!WKVC}9f%yM0N{qGf^Rb0FK zW%gC^@zItO8md=l6OFg~Dj$o>XLG)#5gT2unVO~jXnRNBxuC}8EAb}46LOz4cJssa zx#5bTqK+s#>jQNoJIjx!>jLAm8mS!w z>o2Lex2gsY+ZV?=>(#ZowzaGT>y9pv>a7V1ZSux(uXMi) zh-&3W&#J$xyTNikm3_{koGxTO8kl#mMg;=1Y?68`M|Ai}XbodT? z^Ugdm6bBHD$(K>^#WvQrgwC-M02i71|Q{H4h)*BMy2YNjkd4p zsa>&Ck!o)v`y_&1dMT2bNg#XHg2T5;iGuN?aBoRc9a`tL-l<~RtnICJiAlvN+3SYI zJN1%}`HGL{zFOaZfh8)D+u8lC@lmL7nT;fSN^B+S*1!d!b)iLV2)*1gG{YXBH5n~8M}-{YS9(OKJZeFK-RfE{w(rY!@!dIJ54-*a zb}ub-vv({7l^)VReE%Xt(%gVnDyQEoGF$W8$y-SCFAG6HGL zLs{rmfln?C^J}x&oe)eb{EJ5U07{CkU=9X*>sk+1)iJto1v^c1o6F_Z+(C03be2xw zk(cJ*fJpeV`_+dhbrDUhlMLgCAR6OZs&8e!8(th0s%(bB>*|J8rxQYIke~1qw!lsx z3urlrrp!|La8sQ4(YpW-bV(yWt_x@xx=}j-#omO4Hql%ij8nSF0(Rcm8ep}_9})an zF6Op{kvSYpo1J%A1vpF(o9|XVadaHsy)D{TkcvwUjZnKEkd{HA?4KJ&%WJ&K-5X-; zJEu3jy*W6xb!q4B8h%3=&A57duu=J!BU_XsuaLnOubk|tjTj7&BF~U-usZ=ZoovX=#H?cmQm1Y3hJ>($PG{ah+Ee z(3K}41l^E`u)P8)S!&u8*yq}75gbs_R6n_1AI{pTEc+R9ZSaXfaPqmK8$Xrp62Eh& z=GLfaL%8`>`t-H04s^&o|DDR)zOqq2^!FS4*w;QGBqqk8epkQLlhA7WR1BB(3)@*9 zi)AVWjQ-Kpn^K#DA5zldHN+FTqz7oO{bVGUL8{>6R?!WT=I}_(x7W0Rw&wdGT?1S3 zsZj7^QrQ8th_n_NQvBHtDarMqUBRa%cay}*>s`1*VH07yiq)|bCsk89* z^%$H-grJmKT&{dK2CH2vPmctB4j$M_qcotJQJhgvzKc@WTxW2<=M&-x%JBp|jzG;d>qs*xVv`AvxeTsEqCSkZLn^ngdB^t%^jE0+$2ZhR8SOqcj;;!}ulw6__{ zcr;$k7r0M~dlhJZUNoPopPk+=zuD%lKnE1fcvdA1$lmHe$;zA8CC1n=N+b+J2h>Y> zko1ZaIu|qJw@p@zMyoxQW*Omfhg?7_lt%gXNV7o^KxHX{(sC=j)wPINT9lnkQ>rR+ z)1i=1jgkKTf9(7E&c|h(iuKDo;?o$aX?~@FbyU~OOFm6}<7Iyg>9a4}v@@>C4cJ1l zp9S`F#6n0Vz2;{<;_~wr;=6)j!LaKnG(p%7-h%79D71`071!RF;lgMr{U-UG_@R{P zw+TSS8fK3!ZukB*@eX-i{S+o#>uS!vzBfpkuyO6D(pIceQNihR=8RpE0W%BE_GfQ~ zTb$MmxB9aP4>^vJ!nk?Oq||oKWVsRwjw)OVx3k#+OL@HOL#bUGDxUB9+z?f>4`2KdAaqw)^Y=|R>)ix7?nYeKU@BNj#R&pOzxfx9CAl;4Y3k#SPAj9OWYp0V_WB`v~ zs?skUvCGJ{)w~dTXEn~q(vkG}jm+&SD=DpJveC5gN6#;xwsN-^{y1e_iM)437#YF8 zlk`JtRIXC@Hfu}W7111bNiefsmLPF z*eY(kQ}Q#vy<>!~9Q1nkYL9T-8VXGbIT70Zx=v{;++)-5K7eh7TGeWI3n5`{HLe}nRW|A3(|i5WfvF);tKqq#@*sI2uleO~Y9O62+khAG?7c3mdSHAu9D<8JL^8=eBr zR%8mppOLa(lN+t;>4;S9qsUJ}Kf{!R+e`Cy#TD*HS$djMGY?4=mP|XZCOC*BpVDC} z{Kq~+ReVSO1Ak9QdlD#Ou7~n%nNn}xx$o?F1n&O?^Btu|pQpZ#c?{K1a#2?7 z0)5!)&F$fn{an|bqT^SgxB6M>URww6*r`Kl+gAFvyJT&7Q}macBe&32pm!v{e;u+( z|M>Tujpcrauk_ytJ(rdnzpUlfwc<65zY3+UWKB|7FU)~JLynA#?yHhHinP!>mLWX? zPq%~mt%^~jiQ-b6Ebd0KCX+5@2_0l&8<9KS=wNHm+kY6r7+Ho^O#>~iAwwYOsnEbe zNNWcw)uq=c?Xt#Ze00wf%{ANCBd=Dvq=<^!lb(Ku$ZHr|fgkz?rH^Zf#A9B=|b8_{z+UsMOl@UjPw!spANa!RB-$&loIJpq?%7twY+)I-GlSLSnrqect z7$Y$a#J$nqNLNSxtPV?{Q!9(pr)K7f$~szyL2OcW&O z{!?S?L;Zm4q)*Gc)!MJGJG?O5oW;-ty%4gbX_ zOimfls!v2W6LX2K1B(o#GkzBLqj(>WWJ;Fu*6xOTG%|)2bM^G3aNp> zD5-FD^1X(ce}s-6VaqNa9?YS623i;5W4Jx9)0G!%KmyV5tp06^HbMSvoc9}S^vpgu zndb24rN38;r_<|6r&a9NwsG2wXC=~l>=hRV?>_=}MBe)u)nHiDdo<@(4u?r>7eyI) zbY-LYI7P1j$+db`Iuwg-;gh=E)h#(~;xRO>=gA+7==01C)P) z^2VBHsZXBh;i(14PU!pOFh*txW8ZDJ#t-KHD+{pS+}Qb>cYaH`)f<9pXO0LCCQz5g z*=xKSZU~)#I&BTNN3%;LLB0{KnbOk^1$lGy9GQrP}i?+HuOq9KKwoJ?Q zisZoyNmN4w=AA(uadTQ>ZQ=DuM9tPPf=DcH7j(8Bv!=(x@$4@9#a57&>xi_y)PZ## zGogK*LGz?`USC@Yk~f&^lknf4Vo8!{_B-Adg^5O7vwYznVO1WAh~nAJF^2}tSW!ow6I9uLD%+E`e}54ANITB5}UK{ZF3%R zJwlObIqxBj@gc;i-zl!g+~$+TNxDzH|Nd9h=|&H1hw3-#xHor6&6x)z!n5hS=B2Ck z?P=pTp)@`9Ey$!@UxPQhuc)#A0w@-#8Mi@O=YJcC!JWT)%)0!i%Cors~JhH>YCDX#Vt$s81}u{ z#tvrHUyq`ej=VCttBBfhD!xp5($=E%uBRVb7XziZgi{IEDT!8!S36wRp0i2Zb$2MGBp_0o|AfDX6!EWsP{T*O5j;= zBAZ0AlEcK`>Z;kNVB2g8Sau5dEiA$p_TeRD(vt@1@OKLRP3r8$$9{cs)uz;G*AhFV zct>EK2|HnK$cWk7j`qointw(u-rfArG}}M)51;2vfq*&8Gv3Eah^67-G0!?}KkU+c zIxT54)!h$%8T^n50krC{zDi!iLJo%K2-TdGVGNS0Gry#->TNzM(POX>25rsw{q(cu zvBSs-b{nZ2CEr6Y6{90IHYeI|&>gXj8Ii+%eaqRZ{V(ra0Y2!(st7_iycfa**pYjD z5tHEDX}hu?o6l8m{0=Rp+aU4hE@8vlbe4erRiN?P zX`&61(vM8LPD$i7dy(L%#%^oucWHsaZr?;%rSpDya!}Ah`K_H;=;b3~7b=eZntPU! z>0M|T@-%qQ$MjaSD53Us+2w5904F)pZwj=lVm5Y^Kz$Od&(@h~yKd}v`GqZJi}SW1 zE&LvJKp9%JgqnuZ#W7_H!35;DP%?ef#Z6EnGC}#Ec5h@@HR?s(WVkLMA32ib8Ib3< zhNVuEsfPHz)gpjdq~L>@<&pTb4*UQ^8Lq zOb~DEoS#e<*Ii${%=Lh!VDs(E!kO5K(+Q08+})>>mS66vOV4#ZFv+a$8zs6v%G=@? z-wm)3bQjVEl|~yuS|UL`}S6ddlp;@hqSYeHQ0N*PO=j{+sAX~l+Y z^LfkhT0nDBH{o4rLU@VoX=C7Fm+`kyr5M$_Mt!OutDjr^GB-QTh#4~|&*1*76ZYcS zk+-?H2NW%Tex(!?o&tDAQymNj*|KbVXhgHiOeQYm3?um1z4TW}ZcP+`f}N12Ngj=t z`d@G`nZmh;c>fpSc-@ik>(zL(EZ<@r3vvt6>7&)eHjz9nDsrL|UOnAQeGq3nA>|Uw z!^5$U3*pV5H40+N(v_nw_DQkF3dP34O&1RnZ`DQ6SM9l7#-)Iq<3liecEdnXirxitD)t5>D;=2=29t+??8%aGf|K>7wSeLm2?sO^C+Dq~raAQKht)C*g-7@p0g%%M+FDyoKu&3<3* z_naM9p@!(&XSp*OP6yW_JNKxzh5CyiK3QLXI=Uv4%y<-q*4-z}3X`A2LcL!3cZxRW zo7shnE?av_Bpr93W|%n2s}`bqWep)*W0hY1<|Zly8%tPMZ)bz>KB!_D#}c>Y9@6yikOG@_8e%=Gxv)Ol<`XSr9}#JXKv&xm0}BY~Ox3ZX(}uPl_p zQ-mBXOQ_U{qt@CUJ01w}%JI@Z*;HX}+V{DI)DkLS@0|z^bb9?bFDXwCEvX9-2%{U^ z80X`{;jp;SSEnlr$8sa7-HWFhX(6@_-30{dv`%+ebK8|9-e5S{;I8;ZkPx53c-UqhxB`eJd zOV2xV*@N&+jd4|_ws&Qqy$Ma3T||8+_Wo_|4%M~;$$%f!?Uwd5IYIlgEQ+4ef%;LZ zlj{1t(S~qBWtzPt!=V_JE=;_ud|(rMy>oW~$@<(?taQ?2S^+&|&bSFA2>r}G8>&eR z*~X9^l|=ne*Yjw*Iw1773Lk1d1`NWw0oFOaidYo!!vkApfshxzPChnDEA6S&T4>!+bdcFC!t!Dfm> zBQjp{oO@}d%%;I6 zOxq9dZlglMP`)H?3a8G}aYFWDiwU;J7&2M=emEfHB3g$pP&^ANS75AFTlsU@>aDpx z)fIegaD%C8#c;bXbTtu)v8Tk>@PzhJt%kD~-d4a@Bx!#3Q;l#`2!^BGjhvN#0IPh~ zctmn1IWFNIHon?G{-#<&F!=p)5V>dvU-B7BuMKRRBdNx=a>p;&PTaG)v%%O&9m)Uh z01g{pF7gSkvp0o5n`!!A-Jx4z1b$xKWLW+3{KwaH5t*pBoL=`q`2)RjSwUZbuMhN8 z;lsA-_^-Kq(e=D(9o6mwKoTU?`%A!RvOFj}%)i;4Z!O3PM}hyMT5SG~G4RO#d18Al z8*KNBHqB8=0Ys~Es3^LVMjU;*nD@`;K_*MjXuPfr2l$>@wce(b#_7|*eBb$KA(l&; zXV?${1(l)G=!C#YGlkc>p6wsqC-pB?&W+tqEM!b=otH<1`h3zZHE0psPvByi} z*5eJ{7o$Pceg~eux||l3rTrA$AG)6k+!dwzi?J5H2{~mLqpvI92|KVQM8~&gai&Bu zB2XA%U-BL$ky{RWcRtn)#kBXlCa=edT(0F{Nzw8W#562PXpvTYdN{p+J}1YQD_;i= zo^Gs<^s)95G9RFgrHSm5<*^Y~&?TE?Q%>ky_Gr*a`ia24*5lRErI}t4<&bYlqe|(9 zkH-jZNPC2y{ho1~=1H@${2=o*-3Z~2#9%iNUa=5v)_|g!Kq>4n{LGWrhs)?^y=3-O zI5C2~@dK`WO5K!I>w7N2gTa>QRebj3cwlF|wf)dLGM*SZXLhwOi zcWyCSsUz@tkJylA{?)JZ8~Ug5<(+(Yp2=<1L`VT562UquO=?Xvdsq7E*dc6RF8$_) zEr2k45qAISx$uSaH{_tz*%Yyr(INZdhWgR)QL@86PqSy{jQ#H{3q; z{%+87u>Y+4+{-JiUl4C4zo#4nHC!1U*i8r;hw6Kk8bN`k-NV4XS%M z|LVq>1v>?N2b?Fj2vQz~(DS_(B+rD#@0c<8GB~#m-%j&0*5z0!siF*on1zcLYD{@? zEL@HFC-sZzLPZFrE!dfo6Bz%R&>I}O!MWIWi73?!>)i4wRatEQeE%Yl{2d%CkqIvy zgv&LEX*JYxb+S3w@N-rXTh@m5k`5B%63w3#uW|Rd;`__W)%EQgVwYe`ade=Vo-0Hp zb)UPi-xWMJ1a|0X*H&Cic;!4qT9PNp>ok=fm6$!I(V%uxJ+z)Gcv|z-ZYMq*)Qk4x zPf-4p`8~(^U1D`c@3MqYxPC_275GV4yM5~I=1=`H#durwMgccTXTxJV42Ri|B=;fVC_Y+&nD2~iSdQ7)`KPxIZ~gwz?d`PA_Bu5Ofik7{bW5)7j)SiqNCCJ| zTpvv>s)Jrb)~t81?qgy+>q2` zg=Ykd8uT9^M6>cQLFM7;#c&mt)L?{zzbwJA6k91A_#L#{1Rn))B<4C4CcYK;qLN8V z1DZM{E)F{xL&D76jDZtmyT%N*(426~)b+>-TpZ;VSTTs4WH^CL_pm!7`Avpi8Y_U* zWx5`CS;AW?;mo^gppB;{a1a%F5u#+?&37%m{*-!GUv*sn+Y5TIedLiY7x2#zK-lDR zfkdoUn8M($opkfqDtkq^{f8R?g)Z5f-0bI#+54QTrbFaz*L(tWJ#VEX$#-p8#h@|s ztaHtU9dQ#0@=LAFn@9Ce?APekkAog~KVRCW&%|W=Na-nfWfqQTevN{Yi4~6QhK)(- z5JlTA<&X(ay|v%(1tAXo(#os!WRjuAx%|flYa=s+vNu%S?UA)Pm#rc@JSL^ce(7=~ zNQn|1V}XhpeMh9-urLu~>V=Z+2)GW>${61bOkDQm#uK|PprBQvXMN#Fzy{08C?KanMi7qc3tV#7mPKt7sbsqAla9t_3^M4KVzx#`|tHc{9 zCAt{8-Q~H;6=Ghb$PP)Y=l5-NI)`tBSg%x&MacJ}llgbJeuHRwZr8NVH(uKKEjJNM z^G30np0ATGNA!4{BXeu53ygtE$F#tFI#1cRX>xjLBczMIVO6^0dXd`w7-d67f8I&skUnm(v5Y>u9!EH5 zy+G+*Cy$H5QX8l8b@>B>+o?-7H%M{4L~oz3$|X;nZis3#W)pV=p4IPXcSIIbJ#{;R zGNvol#9mq6mjuY||1h#TL%Sst)MvoVaCQ!*fv&%D^?&FVcj_%<} zJRQP!$+YZwLk4|Dc(c6mn(Z&wj9c0SI7R`faYWS1Z@89-K9uqU4|V?4+HnnEaPCzX z*6{auQpM#Zfd@EMBAnrQPwS5)BQ98nl*H;Mk~FEXM;d`7)03f=>PuB4^Fy-Tt3V_r zEjb(Oho7s0yclcGY`e($r)0#lAdVQNG^IzTAJqLQTy7aW%y$6k73br9%BX4-QXGuZ z)%URnv?;lV%Z#&A!;I#ytXxva%d8(dDT}wb`0IN^(0`>GvD>h72B+46yIK{wp?yF> zuH)9d;h#@)SpKzro$&jLkwJ(}3}mQb^e!w&k-w$G6hMzffKwPM|I*0rUeAw(xHw^? zKXhZ~)35*go&R|G6SOn>rC&8GBj7o!E*o7T1Sx+KBmy`6ng zi1P3(?Cg9?k`*B@r^h$8GEEVzP{k2Wl5)KDh6J&D}{S7y05xEPSBaseetpADVeQS+?roZoCu%EbPY}KhBpi*I7M;&EeRQSXo^G zKpDHwFtT1RSQJWB9mDi@oapPZS1)teB$D z{@BT-5+_sQ%@A@5iI@ZRW2I`tk1BjiW(7Piu6fXu!C;1#p1!tairE0WN|@5wasHvZ z)Oi76C6jI>4y5^DfW{|0NwDSK(yky6Q4NOzsc}h~=_2RWms-E)xuS!yHx5%USwqD( zoJpr(>+MQyr1x3zny?io1^Io zKZ+Y#ontG59H;-{>PrhIS~8M7`!`%$*IDl}udpV0aiVaC7IW%Q!d50fP(eRO*P8aY zj5_Fv??H&syIMUwDS^7}vQyHAHHu{b52Gbf$VPsrXyCOK4Ncsyw*8uk#si($c{|8{ zC>yof6$!tT9O}B|kIi{%7|b2UBX4QcehKH@Cu^71Doe$xeN%0uFDd_2xt1D`6W--Z z>EcXXGr!RoGF4S~b|8pptjY+mi0qvfcx!rKRn*5=Ul@j4P0(LJ%~S8m^c366G<9X^ z`fJ6|5w$Qw7ncAlnj2$BF@%wGf7!!1*b83OBk!DOQM~G(xV=-k3ee7!W!4QD(ka;M zSemNqb-=xu9)Cc)6PiYNPN9Zf6$Zp=O(nNZn`oXKb8XRO7KrxI2ovyIs^M3Ib*Ec$ zc8I~Ldm)jj4JMiL<;lmy!Y<|rr9wXY^IW~ZGIpU)e8et#bzJ8q-eN2ERrJy;rru~+ zKUxX*i)t)}&xI&t@@bc4C%W*oYll>0MN2MFLQQH=xMo?ZY^S*#5uWEfuWCi5SsCew z*4Dv@FTdL;ZCf8}vlV1iju`GvBE$GR&phKGS3Hs=pL;+2#5Ie&AS2^)Gm1EmbGeW9GxJ~IO1KDj z)-nE!a>5&ZSofUb$;MDm_DZ)qiBrkCzC<(rlFR?k8>&pvll81)Z^=*dY6mc^dKRef zbLua1_hg)+j2*V0yNA43zj6;5?v<^rPPZei$rp#_Z_uCDy8`1^p?$r1Km`XWkn5^! z^ltQHw659R=B3H;Rz(F;lx-Rt8GRsMHZyAXexeRIZ`+r-M(*Z=T*GF=a>K@0K%FJF zLW7iU3K?p@I&2h&2ktbq-{2<1YOlq*;aS_7i^STQ?EdP09!bTsE?9H+r|CYbPAz}j zQ;{bORwtLm7ra-D#^t8&vLy4z%QeZ4-215Tq{_aMzP7odR?iRL);(ZUqr)$-SSxP; z!HpE}>pQ9GVKv*D+TsL-W=C<%AY35Tacb!+J2$dZz2~6-eu2o;Ksk}~L;E`C6wBY? z(dxB6#b1xG*Or{CxE-;DVYwmmU28xjqX}uH4FqIUjA6ss1CHM1|zXB z*<_}49L7897oOJ5p&1RXWwtl7GiA&$Z^{-x50MM0hCymG~VhZPr4~4lF#_X@|D@i;~ zHM$l<@P2^2-S3(b2LiAAoO*Q?ebY4Mi%72PVb#iV5i99LY%Ct%y&GJgii>1L#nAkw z#%r~wSV?W2lTxYp&# z_}+Aq&Ij$m*uRDsl~3`2#Qo&rVYcFFb@M`YC68{OLG(PaIq6#fppuB~MrOFUN$!h> zq1{xq@B2uq+HCSJcX7prNOX6e{r24Y<=hNMJ}kXF7P;}(-7kM7=-TT19FubS%hGi7 zQ`4BZF0xx>0fp&V>N1>PRwlKN`&pH5H3e{Kka>F1u6@vN{H#%>a;F=2i{xT?2!T?-7)NzNB95keVF9KLdR>*xYhcLux%4wD1r_p0Qs$ znt|~DEgN=KS;xN09@w||?IvAW_wM@Kn0YSD;L(0ti19mHt&iH8N9;#@1r3SUs$($e zrKG3!pR$grW+?tx%ME|4Qz}}=qn@a87IS#VbVRh0@P!J;=KG^48+=3-M6)j!s`$IvNWl*COeI=uo*qw zYq*718d4iof!8AoZePgPzkd4u#Xmi@=G$%@)N1*ex$?Pl{n}}O@N43TovhXUmCbjO zA$&^!98FDr58Uco${MliGAn>tFDV1#J%{}=_R&37-?Zn<-(Zm<;BUSizK*WV28n4R#w$H#&939-bPQ`` zq+5yAhD%S4n?vARLS^o$fU0e~>jrpG@I7>|C4{+$>*jgJRstMaqF7+o9^0h|zi2g0 zKROtPIZHW*vw?>#V**LEio5TCa{H{JT;P~!d(|cbZ$_&WES9(e;lYzo`V$crL=UQB z$8w*XYveLJUr?@;4_){{_tD0GF>WbXztkNN$jP^pw$-AK0nfPt;39_mqng#U~Uk9 z!;DW^0Tt9guKkio_5Zy!ADPTw*6=bm{?pSKn843ZyLXd&7aa5;i*y%Q4!Br_aQ!t#n&kFfRrtDB@S|R^)A`<+SHKdizW1{bmGL7kXfw|JD%m2Y@?sm zJ#ga+X&#&KATgAGXNqE)%M>@|EnYlKVtrX#_bKc`vBR_drA$V>CA5!BwO2>t3A|}` zxqHoaZ2P?`1bhrU9Zjw!OIv;xj!}>N1h?aF6pmp^l~e%GRQwo%2r)eLkF{2Frg5VG zEmNrcE{Pms`?|8VjANKB69{)F=eXDF5@(hIzoqN+9UG;@h)go(Ijf` zq`TN2oJ)v3DCGmNe0b+uGHVWF80o9=|)q2I^S?gt@}f-ZOr;v4ernkfpT0 zY3|P^Eq5FaIA6*ik*LPy#89+i$&uoGMI0En4#~vlMzQBLZqmXM3827w4Vs~F^4{(2 z_zc=bbzVX1YdFtoM>9pxg6Txx^5@kGR!W*tR?{U8> zEw2oKIsQL>_s;VlJo~Fr5ut@rk$gaKOJ|wSJmKA_?Swec6I~SWkwEK3BKopz8si7D zG2q7QT=fvFs5FTYYrR8({2H|ON8d76SkG||s@%keJQz!06TsgC`o)QIZh7y3IA~#- zb6s&tr`aDyBNIPmG@HW_DC>V086Qe_*3VqQ9^g4Ix1^+?sPP4SLsvSq z7O_(-O)7&vNq1$d(o|(0)!og#8H5VB?4M(fKL`_it=F)d;-SoLahCb>G-=pQy%j=a z4`*H59uTd9wU_gsIT26k{5>;m3{ z^RLdDwr?obxI3YnhMmA@{^NaSBy7}FWri}9V}?Qc`?9y2f`ip@VU^g4YaO|TG2~T2 z7op$miqk z(YhY<%m*~g0mku8(pt7XC_JL4X5=<+nj74Egup#5$<(2@HJg(CwxJY^v1>3z>uOSb zCw1ZW>H-6c^07Walh8kO0}ti4Zxl!K5LuKBL*2L1VU)=t>fJC{BLa)BA19S9FFj+v zg$Ct=q>slK>>}#IV2142WZ<3B44>-_QE(^O^%uX)ubyMIt+OCDk7auu$W!AZ;(zHk zv)5a{jULPmC``7v`%og5Y&QFE7h^@Ti&G^1yfpw-VFLViBfb znmD4H?{xWJ+a_I4bd>#MqG(@=#eJ##5pz%+meHt9L6-eh-ppi#7~%m-J$L#1AvSx3 zQ`!wid@V^Ab89ksqa@-7S;Q~exn5^VzpA6XkdU{DiPpvGV1f$J>Sf)+jKCQIK)1hN zrPwZT$481rb8)q#=BXL~Q(jeeyYWL2ZB4YOyq^@mh%75NtOeE(g}^T*FY_n+sS>{J zqzg_g8W+xVCVB7p{*NC14YTY|Q}XYa(i_q51(t3Pg}m(R6#P#ON+Qu1yC{&Z&SgnE zv->2+N_~C2evaF<1PNVKmm>F7<{ZFC$PmSHjm)1>Z){zx?wQ5VdYrD7(we zu;HcNm(}sMS0eaPekGakiJGb|*XV8eMNedRNx6V8CJ_2XEAbp{zBa;rU~2q6l<7fc zfK6I4q{M*lMGRfo6sL4SIT|Umq_tVELqyW-|NMZ7jkfHj#eKurAs~68E&#D!)%f-p zZ#vxYeaNhuxI{V=pAlFPFn{*t$J7RCt;Vl}X#=ZkH6y8m+t)gz#uZRhf_n%LB|eq^ zTu9OyG*yv{cU5*y38*&Y9z?UiuG0G<@S?m;QRpTJNV`*@NU3yx@>Qr- z;HjH7X3{C1VC!Ja>cMs-!1j?Yvz_fZFzeDe#IR~*Xn>noSm}bbjxixZdR?9s*bZr8G~uKioU*xh3~sz_v>JG{TXQ^@Eb^12Z(9vy8PH zu~pp@KkNw3c~5DwU~)U^>*rKFiZ0iVm^Gan3Whf0B5GTDc!*VEo36(qv!ZKseqJVw zy56)_lO^4X^50SQF9?Xr#kjctlZ{j4*P@z8-qXXo=1;c6V6tx|N)Pdt1OW_UZ&rb6 zt*zTxN;T>xof*Q#J5+MTDlRu-O;}iD?E}r{}C>-w+rGv$FV7-80sE$ zGp3i8nE9Bx#8{v6e}f{f$N4Dj+Bxw>F{%lF1(>tSN4$a7lY#-ZY`Ii^K9$#UOj(#K zm8>l2KKT77pQtY{=T?XpuI&I_Zu)Z#ra10oriWd2!n=jO@hb@fU--Z2dh@WR?|l9H z%(Rs{Dzt|)T4ig;8JYRHU-o#e>*C_#3Liep{l4$leQwHkX2tWe z#nz%V{)gdF_!g*)M97xS&h_VQn3a1AU7d#K@g>CX_QX#JrjifSNbh4sxEny?M9Y|IO+@?;TgXq98oFtw+jua z47bIA)G&u@FF^dmRn}phqK)LY?F>3wd-h5Ivr952e2fXIsu$Y`U#o|aAa4+idaq;G zi;svj`CW;#sH$sB$7GIWf8d)y2oM!_qHD<1(0L%2fAr_i?;p;HoIg6kgNc?~0q2Bv{_}CP>+<$(vUN)K;%O~|)9&7W3$6$oG{88PCmp0pJ ztovw9{vkNL-8kNtX*$F;Hwky8<%Nzq#@xhugh2?&s-iXcQRtO= zk+|8p|Fdn&Y@E>b{4GUWUk8S+DzC|)2gdB6vPKb2M>z@Iu}b!u`}jP5AwS~*pX^GrT~RAH+}U!dp*?w z0r(8nA@%`wk~ziqM%8y7GRo;eSKe{&cguWknHVroe74U|XCG8|aiWpgn1~w%hR+!Y z{;ed2%eM$vSnh~_i%bv~n6P7_6Lt4qlIjEvQ};ehfFExvQ)B>6VyPzq=|e0p&8dRG z=CDzc{To!VhZ2?Y0kuqF9q;z=uX!gQKqdyK26Zl425_-U6- zM+-^uE}8QcEg@a??)s8f?6YAr11NiOF2d(v`DR|ox*gb8$4`bCSRt3c|2@hB;ROHK z&SMvdZ2x?qTiNPEV-Fa!#=1mWtM3x9^MDFPISceppQ>ksTks~=f4AW&3|)FuqT zeQ8DFl<6QUA`5? z{2O~X+IkfyJH~DCipfT|tST9F-%df)6&|w+!uq`FO-L{HXY@R`tc$|C?*S>YOtr_v z*<8NK^i-LU+WS(i+cBgiuOUC{s3~{ndR9*a2%Ije+3Qx0e8OiB-y_bRC>WP{y_)4r z{Xrv{C1g=LA}nq%$Lnp8Fi{dq2+C;xa}h-dx)sX`jH{wR^Z}tqw7*vD^BKd$LOIT7 zg2X=EvQOvIN6tZt^{4{zYzPJ@SUJ%WnHTKhTf+&6ytDr*s|YB6X-)%Z}jbkw_of=b&btlC;lJze<-bmY7up;ml^Z z4f5(C@Jp<8`+OTRDrNn2_#DJEDO|4QmJAE}mEVYO+qBpR*k&VQP(npn&r<#h<@*kh zuF;2l@7%%3Hr!RtPvY(ES;o-#YyER3L>Evs}H43O==6ePD^lR!wuCE9=s zFrAf9W9@crG%1BUgs!Kl7?YK(cNwKhQyx{Ecp7+cAC6J>>qsMrv$Vcy(wLT`H2tWq zDKW48D072RRZkt(1ZwBW7*pedd&Rxeb5oJ=dq;Kw70TD@x@44!$4xfRU>TLCKENXj z+2T*8#=t_1TTnJ034IjNgXS7s$TfFLU#V)KJtK|Q&VQxQ%B*u-+e7p$hM;a-AQ7=1 z3L0Or983LP=CoxR44-_qn7LNl2kr3fZ+RESJP?NWyDj}ruW4qQc(P_d5qcs2O_?Kw zxY-uVj7t8m9H#veO9ZAkNgXiMl&L@a0^(@4%$RLq9M zl*pA(rz|&XWdbsSY%r075Zv%g(Zh6)2~Ey|yGz-rfQWupSduA=XKwIp?!G zk!=i7Vz1rW+&ghQn}NDM)Y&;lcmd)b*N6veI=MhG22Dpx=?fe;&6XTZt%^5V#MgZv zi%Bz!UX3EN@B$d_77zsp=aWfF2bclMjemCKO=$8JY$z$@%fzYZFcH8_rwlRjPWkcc zSmj#lFD;)B7LyWSu-Ow+wC)~Iu^zkEqj|cp<-(To5M03o<8N>9$OyfhCzYOhd6K06 zuR3(aFUy^ntQO&YWMtj6MpuM;MEY3dq|bOc!0k zfvkw%MC2~wV3~s6nR5te?33)6EzH%4k&8W^)hFXDAM`=jiMKTPH^t=~B5dD?GDw-8U&QX;i*}EW+qRT@?wE#j8%*Wja95Ok&Cp=5QOsG^4pu~f&tB0!j|%1nLNVXbU7g(Gqt|{ z)PCNU{hO`YK@oj$?4#4WDp+nZMu<^9cD*U&&farSVEFe!_FqOtZ`%qA+EH34Rlpqm z!gRMf-ag*jA?JZ@1s~2`W3IKgEPOW>pIO7@Y9-NIjGMts=f0)%f3)+xr4dejQ*8C{ zv82Fpb{5Jx+3a2@shHrKK8Zq4!WL!vzg?O-7O=kgb8PGOPIa{%>t0_g>)iTYZGRcH z8*~^_r)^(mD}1TcQpQ!~uPMH*J=g-$zZ!rZp79*mXh0K1^3;NvG2x!n;44|)oVB@Q zMZM!2{Blfc6e99{vI^i_!haUJ@)aKlkq(TNPUO^imvC7U(>*kb zjm*SSy20SS!?jEqX9=4o2=EDn@@iNZW)%TSq^rOp=S}IJ1u`Sj`cUG-_$?EA?*po;!m3wl{RzWrsDXj#-g$r=Dmuax$&T*D|AeU{+B-Gp zx>Cwq^U=-yzjFVzLveaNd@F&V`|(L<;M7inE8TXia4L6IarA3DBEDE_Z9YA-&amRL zoIoAu>j!!Kb~x_>dfqwMhko>ytt(q00(vicn%MD`U(3~Dzd4R!X1Km3+pYBU;h^vw+ujrL(gj9@4ax?Q!*JYpcL@5MIkXablUmc|VyvZP;XmaeQF$unl_QuM@!>QZ z`|b({nn|{L z%P&F<-kkEZK!l|HinO?>w+NY4J3&voCjcpYE*`kBsUIlE4f+Y1J~4nQ7ZdyL9P*dxUzSIO55_(fZY! ze>rdc%NN-Wj(KDVN63w@v_JDY9m-LtqOq zjtV|MfWfv)mbw!a0EjZyKbf^YcD*cXRW-qwajpTh6{evdV?y+rS1Z1V#a=MdLOM3{ z;19=cQ%dcc*@6prmg?-f{H;OT8B@#60^F4Kdu@Moo2@s|q>bgjg2lp@Gac!CAYvIq zHY&aM#K=sv7Nlg=IL55MXX@{S6CU90GZK#J^l3Yp>AVvr>^~pFEUz49+ zP2xcQG{!gOJeEqzO4X(XiA?-D=>oW?fHs`1p)iq(-`emQ^;!CBKMdyN!dk(zk6@Og z@*OQ(j?6h2kE<_TQ|_Dgs;Co2APn^3f&@78$7G9%y?z2dDfGEjz;s# zrys|*Ui&H3kFXsDeA8```8L@2m~Q^e=S5nQA2{3(!OKILEDCoH|I67+8+N9C*AHs#HM)X<2jQL6o8Q*8r zJbyD~_in*X;XV(^)6^h>EobR{cg2L6F@b|pn%1| zPC~69wx`+;;e4VTgK&+6PHNZ#b|rVI7W!NB=le22LCIr|;TIp@#Sx8YT(MK#TQmMq zI0?-JH=?31vpp%Gt6Wx@5F1MPluW3^lrk16BW22bOs{15r#9+dYvwD3XG4#>tjq|h z8X;;aGlo8jDe%R^ydKfB$G8LNj7)nmF|U}9_6*~~!27Z! zylU~?MemF+DaTZ}^0Pv+y;14ZFWuP*S#T7WvrOF+OP{>cBPJ56k^EosgO&$JXIV-L zY<8`^_Q{8r3?}qDe+c~d5B>k}?SkZ7$UKN>lV*pYgl?o}PL9w=xTkll7`22KkmDEc z^d!!R64r=E9yi3q7Ab=euOb^cbp)~HZ$ot_WD_MjK&E9uk73A}DXPzsWE1=poTyKN z=0eEM5?uizU&4j5R+2B3FUC%}QxVI(jr^yl3*!>14hExkWnA$O8@+k7FkJu7sCat^ zdX>7F6DDM@jCeYZdboBQvft=5xOhbcRM??zBO8>ujx;S+lSetdOoF1aOvdjCoVwnx zHq6kAD`pilhzQB8_$VU^#GyV}H zc+ss+@vKMOhvFf$?4qn^8BM9iv7Q^JjEf44kv60Fu%>B*UsV}OPkc`p{2rzPV`30q zVO;4TGopH4$LY>iZif2BM#y&c8-FghOhdZn-94l{HN89RRm;FYv2^v;upCi%pP0~B zT&9ssLa<$6S|%09Chj>p=bD_SLHZ7Q2&m$4z6gMUywVOF%BgI~I-;EwTUJj+MR3Q0 zt^43>eB%s?LR-HJkIm4&$OhSt?%=0>>tm<{#6d9fYH#?}tq7@jncWA4IK90`@D-J4 z=jeDl=)i5;X`R){mQrR4OL5-=!>4;GzCPO}KXbw!ou+jOLU{C!jL^6U_NulvM z=z|}Un^f?KvO41PK@RmRiUS5qXef@ax66Eg|LdPO<^JxY8-2|1A4oIax%%bu9b$4g z4%_V3JHDa{BVO|TJj_mtZ{|OJmZCMwzd{v-Y7gOBDzlhvBaBF%53VGnY|{Xk!EAT0 zNjf?zAeI?Pdt!GH&6TMS@?ink&YIGV8yP=j&pYy|hze3rjydFPDe^O>dJD zERA~)3jt=oq%Rvk_B@(%!Fs!~wm`h|jOWriFKqoDBycR72O11NvOQTIk(_IjxhmKv z+>z$mu8z&>1+WP1suFZFKUXObc_Pj^$LO~rK67q=srxV;g*2>s7A;v_hnmk!@0t&J zA-_HJ7ME?zjktX=tTAm9sv@Cd1c5woeH4*f{&)K5*{*?L@04MLRen-#3(PuD_|DMO zbpKvv_SdDo3Uc2RIcR-G7n?4QAH0+>wBCgNKkx=doe-zS%75_n~*g9SQTDocf533 zRN#+|2>lcQDr*S%u$3%BSZ1#3irCU7nZo5Bh;=J8$n_qU@exhvhatvI+n)I&w(dw0 zV{=s_az8wX7uh_eL(08Vy3aSR8h*qm4faWw@VMdn5P5!gZxuo&XxIl2wWQESaCI&n z61@55;A5wf--w+;?Yva=59_MAv=Yc95eB9O=X)wP)jMO2pW`6WlyhYb3_e)BaPhw0 z*`?(V1AZ}<52vCy~t5VfdSQj!43=b+`ozHd)=jpsjDY zL){d2U6u9-x4zJgpYLl551My%>7y36iEKs=eu4pptMe$?lD7U0Aq*iBPbuH)`eVE(-_8q&J-oC~(amq=qSw7*_P0PO{ zWQKp4wy?mBtt?oCwkd2rB_-UjYN#a;q6^M&a1R{j4&;QJR<;Q}PsDb&I>u@7<&0jX zq$d4mzc4*-2Wl3>BU!8u6J44mrZrLSh-#{ZMyAV;& zr)<8^$jR0T4Ih7_3dxD3cYN*JYDLY2OOL4x<-Sn|81-NN1a5~79b!sIMhf3<0Rb7q zyYuk1s24R2+tRU#+61xIvJU!}zi5gsYE6X#{2H!umGI=OMW@Tt&`pj@tV2y#niPj{ zoz!+Qd6fs)a#fe8Mvl>@7bqL(BFA2Gq~>JR0+=Lf9GFkv$k%D$nfh0Sg{#y*?4JHM z`W`c4T4{H#9qOyhayu~&t%fXK<@nyJGPXmhF-nhDxE3|&XL~+!Va#$&Q59EHe;|)ZqkI3beCj|u7;c{% z0mj#s0UIM3hEE+Pst_;cuI?lJM50GeMN^9%W(N7Ik(c5Z412K@8Z#F=YXw5WN-#mQt_Z73iaBN&CDql=}r z=}V6ZoC{-B?VcIpEbzr8_wT@arf~wM^ecjQ^%EO!Gh2Q2F$UNXFi^B$bez$M8k(1; zSVvflqcz|lu~{Xy%w)?|ki3R@WJ@wv92@s7X#}3AUDH-GCaO+D31!;k_>QmSebpi^ zDL1jyckqV_%$vkpH@_+B*jaZ0jo9|{9CKX4WBKIdl*$iKJsYItaDY6xe+qt~SXn3B=My4ngQ=sEUjMPk6hhH@L8B0jA)l&kjcwQl< z@$sa137GXc^EOthS5;Gi+af|(G}24C>H0!Hj%;El5L1SPkJC*Yqcg~pVCYP7uYA#Flmpi8-c3-FMo6hP+ zMjbSDYId+J**WCBK4m&kumteKpv`6%Z~{z;#>ei}#khe}d`cWjv`>y4+;Sw0Qs2Bt zy>R8-^0fn(pZxx2Rc+KlaK=FZM?5MH#$8F2GJ3#zwvm4a(b5BKF0|7#?6_w4P4lb& zGW_87r#JQ|anFU2-t_uf{_EG}H{SV<_Ju8hM*q5;#ZUY=Hz(%oC-W1>lD^W5)MLn> z|886A>`QqrTxcP6h0lUQY?+!tj+*-w?F{Z~gNw1`M(fBA*0F_#i7a58QS>JABO4F3 zQ*)`LWY?ft4hn#e^Al})7|V7nOtI832$|O8)gUU?h{9Ue;hBqBhbVa|m1XMl>}{MU zrrRmJa$+Z4~STf=wPc$H**IL`Yv8#i~c zW!r@p95vOucbCiX#_7aR|{Ly&q9srTC=dHu`RB*al@$NbFZiX*a|@|iA5E)@8=SJX&D(}Dv!!P4U^Vc3CU5FPk}F% zeCul8M7H<4fBY4HY0wf$A0B=iwb=Lu8;z*jRK&-mF){Am*q5F`0m(?64C7h!NBh{W zzx+kWm!)dY+(ueVw4A?-_JZjDyUo9(vY+5btRYEz^1N!643JX5$Wo zqQIL+S~pXJU%G8fK)xoS5MN-Wm?olBXViI`!ZW8jXkMU@cWC@RiJqwPLaiGB%!w5Yh7n$RGC(lm} zPPUdSU#X8?=(l}8HCXJAagL8IRSyAVxQ33S+WQEVy5BHl?9+}ADnRU+!(_*(6=^!mq)zeBI`Or*~>+JTug8qhH!0K zHY{Ipa2}lM!cbcHqxbSc6|A8Hsq3$D8KSb&sWf=KH8HV83|Vu#PjR zX>X@yFw@a8C*^vrJ#1~eM`mw1D|5_O>@uk&=TsojH4n})RpamS7tEzHyvy$+$?)~Q zOMjq+Do+$lEG*wD^8(koV#)MvLo#E8$T%Ck?p z$+<>aWs333*gf^Q+{J3faA2}zYp<0Mf!iQj+!W)B4qvKt@7fTI4ImS{S@2v6 z*8nT&TJAexRhH>6R%TGRZOl80e;?Yc-`E$ZxQI4QMsbSHi0SD5b`QH*bv!&GQ8fC# zVUJxu;*pzZ1J>rqyqBYN@`Lnt|Ne%ASxFcrl({l-zk8wQFloayuzxT!XCTksR6IyUo!*gU(@rLsTomx_|k`SPFSPrJa;%hq!P?ng6oJ}o87h84{qnI5x zceH#*%Ve}QA&pCND#s&iXF-|gfVH{2UH|qkpsP_|7!pcY#Z*;UKj9+Pqu2fzRh_FL z7pF{9Y{Ygnsg=hX>8!;k?((#jVO)7U5f%h~75YE=G+x7>0MjuBU08ft?&>mpDV_kJ zMC}KZf2us8NVQ&^QyNtIZSkIyV=vR{V+%av8ulJ#)kE7pOL-bsg6=cAHaR^mJ=5X2 z<@kK)0KvjrVwyrbVi(5_)0`E{($uI2A3zt%UjXX3FvoUJJIS=?jZz+a`ba1PQ$0L3 z=(ybRA%AB;_VL}ZB>-_!rfO^Y%n0=HF?ClWnbpkNZ#reU$ivuH0j6JMn@s7;HE{K} z`sm%DbSKLqL(1%Iwrj8NY7r{2K$5`M=CO~Uv6800?5#pEE)DVyWRX{c`)|m*b*h!l zD@=4+_s&O&)mtve!lSc56}&sX%Vy9LNNF{=?A0|`I^dBfF{!$YgJ;;~0 z!!P;m*hW>0USTH3WlGTr=(8lW%i5NI>apt=AdP1;kym08=*6go%JRU8DKmCl`7h-& z+9yF-lf%{QtAEV$)cCgE{2l)JpSb2W%YCGZyikaW_v}VzE|%9bsgsaxTZNCpf4LVp zgoKJIv{QFBg*t-gVc({{I1?J|gUO5s*30+r-HAU!=x_3@7t)!~!=c71@B5vme!~w^ zC<=*V&32mC)lqEGv${Q|y|wdwyOqkb{NJ`@3w|Bd6|2ax8PCH_lK`dD-m@6vCMV-J znhvMFgXWTIc5SSnf3K$&SXI=&6qv*t8E#HR@~m`Y>%q{ne}vSh70Hf|+|fFQq14s) zIT@6hs6$*;F4B0-p+U?JsOvNeymZabn`3%9#@oKbyss@^M+;VhO{L$MmIZoWA#k4= zi>l!b9uwy<;{b^_E)KiE-OFljEAZTFxx=zCkjBliWc8ffTdO6Wrr*Fmsu^q=8yP#C zRk4h#M}Q4{9E_=-v1qm_W~Z2q=0jW-n$S#`^lK?digPzBzP}2xo^dtVVLx+F z4zixouf6`+tl9UF({E{ zU_rqpQb39W2DuF~=xKl>|Dj2Kz3{#LnQJ7MzN9fs2xZw0{}%kQJ19k;7H;1eBJ-&)l4celaixR*YKQ_7eiPsL>J_All}PTDyCfu!k;=^P5dTe zaY>haP5|zKRfdZ-s>qnz+f=*vrgf9D9k7P0z&HZzY_rL;FPF?Sjfb0Nx7wbv0ItZr zUe$$`y;K$(G>ndmJn&bGH7znN^7R2_%@$Q4Cd{Oo1R>=7Gly%sIvtbpH%+tzll3-A zlU#*h-y22A>d9}+8M{2*qG*df>>^n#!cK-fFk%F`at;Lw$=6$BYmQg*w0~g7&SE{s!wWXV&%Amd zbIbfB&iJO|a=FBNy9K%ue%Fu@Y}BpS0z%kdyeNy$UgA=tE_`C^x(-63CGsiuyke7v(KPVh}9YnDj}5gvO_`bpl&TykXq z8dnN(D?3>hmTQxH&q1CB`btk=h&74xN<;e@+lnh%9crLug`TMs5f*{O-Ex$H@fXK? zV}i50@>=P4x!JPWkkY_^7y)dWdRwf!PZR$Wb#k%sS_9m;EJ*}`h6ktp62 zQ)z?DGKK>YcijQA@h$}$P9;vH^1h{jNdobRPzAlq&7!GI%&!U?I8t+`=xdMXk^Ew3;rCINaj_O-Z0s; zP-j7`El3MhZ!BEv)^8aK{8GMpvV_khjVAD-|5v>}6U`tU36v%th!CRUgzQukm$}m_ zC`0?^O=o0~>nv$K!aK?bO${>{<#S+(=`FD8aAnm$vC`B^VqiYBSa17E zEF9q3ku}XJHt`e=qy#A1PQx?5mah(bI|9@Vj4oj|*(H1DNbu)d&VFBuTwIXpO7k2a z2>Vcf#Zc~(o7f(fMYg`lP3ed^cZht7up}N`dSvkBoXqJ^q8prR*bQO>FP?Tf)obe6s zj$SNh);7^+Y{^{ddho)UsYnsN`19XdfX*Ew-nmqRpe>$|wL)7_S~kmmkE%?PwtHzX z&#+`O#L~zU4~KQicKgOx;fbQu;>AkJFR|Hp=5XC;)hMv6l5x#$&0N=dMo4PM=I{bT zF=3Z?CS10!TQFWPH3RjUM$n?*_Agif!qDGbY<|a==iC2spm8fLP@yTUuVXWsNr&M& z!x^shA49mr-Bi3#`+s0eO%t)+ZJ3HjG;Bc|t@l^~8v}iy!m#Q}Ku^qkqDxQALD%y& z3*|$_>=6BDk}zRNxNm%IkGd;@9^ngbIbM@wE#K>mq7h zUG)Z~o#*ukEN$-0fu&MKpWz3sm>=J8SWb(JubnfE+*+)`C+|3uWXg@RK~|f>Q5*;x z0)?rlxz5^4iMjV#Z4T+zyzPD%{%CcSH7b^y?@(v1>l?P@zh5Xj8x2 za%$v_A|sSwyQaw7gR|PPpIhgRMGeLbdT}Y4)j2n1Vf_ka;_I2s>Hv?B|f%nEkPF!Uj3-^&H%w@HC0kct20Nn|)6@4_2rqyx%7X3TsAr zWUpjo#Gpp1GDr{On5Z!F?m}#HuYD;B@HxypP&ZQaZ|gy6M}kHN{M0vR5Xa}pu7@UB zKN2il+a`BiA59!6zO$3!^>h_ULy`G{aCFv@%AwGV7SfT=h6t}z2x26NX_p%=?rCOJ zg1GbrV-<`76S%F6+zztLEBXvuM1ZL^LUvlRig~9S$=;l-Os>MVDL5V^tnrVTVff&X zN0?Ifnsw|9SJkfycohUsFDznRetlTdRh(RKdqFp$ZNo&Z2~t2#m!dqRQ2CjE=mnFM zUQk%@h5DGDp%Ck1YNw<(;!z3FX8<+fct|!&`L0OKm|z~)C*S8{lN#<7))Nngv9*ax z>$LbRx`c{uvXW86sS39xXA;n`WQ}F$*S}khLn6hm?ntK{Ma&@>y12^^jy=|B+ecZgyE) zKFqfPMb6&7@^ST#u>#a=XeprS!??f)Fai~s-DcIx3!MUG$N;p=2 zMB!R#jS3?>Xu8!RImSSqMsQH{=9P!>RRAE_&#nfGm(<#cWsfSusHI)BHi_;xleT)b zLF~{Nksa`Lbdyggqi&GcY#Z8PCdNw5i$b(#ceB%=f7@!H(ROY_D*`{+)Rvv{?yhO)7-D<>+P-`5Fmgp%JQ=hi2?h$jW? zG(*pBW-YEh!zEeM@GiGanckY9wcSKsK_j=FsiO>@>Wc9WTLiEbdVz1rVz9S6k-*-w z6LB1kKH%(hR5yjm-k3`aq{=2FvDobAL%~uc@cMpNyleLlGwf}^2xjfd%{muOAEzxc zXTa-2Z&ZMl?Ahct91`CNa;2}?7% z3^?$fesB2B_y@BbfUF9#JI-$%A2qmHM_PqZQn6CxoARnGGcdn4wg7>|j=W53Xnnn1jNR2sA!6VuN zc8D3yC*$O$^_(Z@zR@1|;w>4CVjF}$-jQ88&|wHkA604Yu?8R;#pr@Nkl1gGNg*6) zXrJ-f=ZBr6`a-ngst@R#P2cW(@mm(aYKMpbn%eV_({;``Vyl zSNe@=4l1>3V=)OzMQUf6ZF&?Pa9eiP-?z0&{WGS9j~e~)PXPH_6Ou)~5_27+27lX? zJMnwiFi_oDSZC~T%|+~B1IrM(VMch2e=e%mQTJlxV9WX8uXvNF3_x5I@lF_jq*@o| z%O*AHVT{lo@MK;aVR1+Cm8j?$xk*VPP^nbV)nfHvft;EyCO(Xp*VibMoX3;4z)ee= z!!ipNS>)2l@v)cv{zCx`N5P@n@flh+d8t0th}}3 ztTVxxU6A{Yn_J$E+^en6K8YAISh-sD1PkxeMfn z-N_-NKV97w3+^EmrzGI3Mpx#yBGwxiO zQ^Pt$xWPc8u6yd}6l(*HnrmhY#8_X|4&|Ze_*lYMi6HjAsI@h}_DKVI%#$X;PuGEKb-LvS1qi&b-hH+B)OPZyWoOpnY>iciz7A z+`7+Qek)&?mh~J&`e&}7=;P#mR=?b9hr`M0+blLWt*PI&a%ymtZ_rtjLont{0_0Uq zsMgy_7piITLat|Q)p3Hf^rq&xeAC1NV3d{RcD*x2CiT}%<^vSsoV-j>T6=m%4m?H& z`%mDs0E$T@zwrV zx^!UiWx5r|)F+qsZ_#0AAI$HsoUMfgh-|$z@HsfqmZz9c3e58F9BZZ;B3b-XbQ3jd zwrReTN8yu5|YG{!aYprsFRj;}jQmqsr851EigR>&|;5WRS5 zPZz&3ytc4OHpT_vljD?cO4;A|QQsModpk*fRNzm^SFRFLyzeIi6dvkRzC+T=iV^IR zjwxFtHoxo}q=j*3`&h1cGhk}&h9`l8fpWZU+Qbf_YK^ropy+XB*th$dMbanBf z+vZpaiA?ViulIZtVL)CEs%;~Be*AX)BS4-f@Jr|zPkn&#`8D6uw!5(eqsC$D?|P4;uG>Kjl`{5*{qr#Q*jp; z>aspM4E687R3u$vd0pre#4zP?@eZ!u1FrNn)j?46JZ+3{Jrx)xIgjw~h;}rW3ctOO z0?lNaj!YrKbg3Yrzc75SU>0!2pl>0Weq+wzi9BvYSe7I~Ir3-K3+z^|BmqD9U~Ty4 zIasRU_l}t6P@<%Lv2imA%$PA%QMru9eqtH62UV4p`q%*Hqo#UV2C^A` ztBG4&+U7dOjNJvxaE?pBQ8Nlg=1c3m1Kj4~T0KSqn;qso*_ScZaTHmv8>ZG%l-h|9 zY7dpqu}u-Q38BEp_Zl`bpgKFS=6LxaF+k(=U#Li%qBv_8qYLz3DNtor_-h&1z5@Kv zVf~|)HpcMq!J0A4%|RP;d;!}dLdMOMfRZEazIm>z0cm4dEzCUK!^MZP867Vqs^pxh zs1m+7P)L(>hgS*Qps1o=^xy&3yQl=8QM3K30GeWfG>K>Ec z%&nkgsLK@bV?~v8rks`p%4pRy))D_)%AKDqc|(Fg=!tBm<&5l4+EQx215rV7tsh6L z$0YCzq{q0}`VjlJbiTx=>`Rp43_O}~FgUl<{};&Q8iIScydjSc^b(Y1@^HZ87_##q zy@P4H({jH2w$1T_YozdJ;{oPa<|qkGMPsG}ks8dWVO6cie<-y|IgnBXQx z%QRmcIH}xmiDyc0XF52}<*HXQ%O)q--MwyU$4KD!tY8W_|6H{G(Vlzz!!ru_N<&0T z*@6=9J4K9O)N{8Sk(X7@j+6IrjEqcE3^wJPsr9GJHQ^MMeE8~4W)C(~KD)EoG+b!1 zwktjhSd49oPEr}d47UrIJBD7PwsQ?&t+y2E68aMz58fAxY>Qa~*%IH1Lya)r>g$AQ zZLCz3@*+5A|Cc1v#VX%eUmHHJA1Zv$S8iXJhZ(yh%gOsuObv_+;zJv6PE^gv!%a$K zXsK#_^qw?+LcY5(OC(%4dwLf8E8v`nJ(8M1^z4Vmc;o2+s~0Zjl)UL}yw2Ih(@Dyg{jO^>IT$NfV$ej8@<-Vl|Ebw^0m zt9^k1Br3KnY46BBrRrA0RH#$c&osq%jFK5SR`RHp8?Xy0Yl5viFU5ptWC5=I4EFKs&1weT7~{H96A zeHuwW5y#eAO-FW!$^-*zRqtSIPsN&KR~~v@O@4y{udomn{+0)z2B2Qi*#;vm8zX4R zuJA^RVarg1lNJbE)7cfN5`yX?E@^dg_%;zhIuQ5qXJKK~hf)^t0ez^DI7aiE(AOIu z+0KkWajCSK>T1d2F3C;g*peI(mh?@jNQ&F2=WH!AfNsIZuv^(po}-E44+1W?;@4}DP-K{dxN>T-TGFP`pkrK{$zs00|Ir=ULhMjel9D?=>Kk%< zItAg)w(lTin0|ciBV&dU)J2u#t{2TOjI=JnMWvKq^h*pOv!% zo;_TjbLc$FYlBPA9<=-vFf?Ss>Iq>k9%&&D^mMCYwdz}nIIey4xQwgMtMxF3q zvrnsRt3sd0trit%*InpV1xvsXLXvfDrCouvWh*ao(p3qF5Hy64b1PNWR=^f521rsx zNhuPn;UEblMHEDG5W_hn5rKpdlADl_kn{iNzW>8B^PhQV9GM9?LvE8h-{1AUuFrM& zNPpPblu&I$7c_NDyevN(NpsQ4T%oB)l#aYg#94L5(moM_RU^Rk>{yLS0m!3Pc+mDO zA)%L`a=e-9GX1*!Wx1B%H#ps)y+9a}(p)gE{`;J5Gtm)U`R53JnD_dGISznB)Z`#=H2t^l3s40-6#7F2{tw~LLy~X&#EdU0T7&RhjEx|#>fOV0vA&=fxQh$ zi%V)=F|oO2uB}@@DJ?5zh2^!sj!o2j1b}KQ)(vxPhH$70D^qO!hyPn&!i2$BrU*EW;MarBdl`ERVhMukpuE@JYd zhi643EdwmFyrqwMmwHlP))8QfP*7YhP(KL zxwU+HTrX`GChRtpMc7t(a-;KRgA@cjU6&OuYGT6qY|xJ*UvfKoNH5e8^gvm!h*?pi zb=CaX1@+;#&Af`A9E-hnTHAB71f6>|?dWG!-W~(BGoQ@ANBTG-=fHA$!E{(F2Yo|{ zAn82nV0L~~1At(o37wU#9|q~gpK;VN9!juH-9kQAzNxejbGEwYvPF3a?Tk_JSvF|JYCJ(M7Y`|k}%27@5bm81LuZ}$=Ni=RR2RP%1w*}@05 znoU{;f%1;*z;I7>NNdmp(zn8l{@|tTLN82s30CpWhDROa?I7zzs&7K?YSjp<$e zt=i*vwfSAOfcN3|4g;nKlPMTxbngsT8K`i)Z|_s`QGc_0625}*TQN*0_|Z0rN6+-> z2RC9^I!DE?L=%Ld`Pn1$c(U7#M-@J3QHmCedyxVhEG&QFbwY}}sDHuO>-+QSC*%P0 z-zQ0CcYC%BMvOlF@!+B1osVKK>GfM2z_+OJ_xdnyb&tabt@;0@Ck<*Y7D#8bZSkMf zO!vu{eprxe;;-#$-oWfaEO*L*Cba2Ejzl-tqAc0=s-XvA24Qzlg!Sa?J~_1ACe3Zd zjDhro<2rG*_n~SebmkI}QX{kmpKa&}J>J72B})LJi;zR3cOnz&QG{upnNHuH?Jjq6 zndq0$U=b4iW|&&y_{HsPGry;Dzo+_TA9>kNWM9q!~|T_U|HH4K~{x{y(?*I^J*m)hJ(Z zv}uo{5f3t~s#?&ab;Z^m0SuV51ixtt<$!MVkee`snb9VaL`iSrt&xAU)4Q#ZpEEkG z5_krvzE}Trv}DQeWlH=(hu7Tx1(m-m?s=4AQt?4ccl`sgt17E@zW#n}7IU{S4^*Uo zC)$X2_)T4xoI9U z-kJ7UJ|LF_INe(R{Oi<+LYi|T`?K*vJ>(ZYvILwn^_})DKI3@I+obwl3Df>Ws_qm+ ze=yM^Ocp48wu$d33%b8%nc)~o%(Bcg67F6Fm#H|yehn{Mf4Qj?bt>l=fD$Bsr4$vc zkAmkkHT0V0VCFreiQjdXqDyedD%|_}FP9GAYb04;NA-VNQEN&s@3{vRPe(*eb|9yA z?@=_k?8_1iFtOlWjrB~-&~*efA6VIyC6P?5^c;lE%wR||x*@DrGK0|%i!C13LRLeS z=(NW1r2}@yt|DfyGdd0VCT)!Bg7lxhS4f>0z3@Uz5CVM zW)9<7D!RPAO76E(e-R0P$aNT}(4$M4mNV%&h$m_hnw?!zNqY1Tp_lQ=J@a>~+I zUp;0>cdTajRWle0bM`7+gX+?AeYWUDj92qpNSEY0lb30v%*Y(-K&OnolBY z_&Rc!*Fj-8rtd*G&CK1#b2$`mhFR-eJrF5aLDRadOpso?sa zV!`z7-}wZJV@~+I*4G)vX6k~0qPSaA!zMt>U3B(!vi3ut4T#zFl@Y!?pL^HdVgmlC z$aFk{{TDbQOZ8_hsG`)3=>Bb;j?lACM(hg{lbXv*EO!Qo?DR76)bLlJd7FV`cggxu zH3Gx>PXM=V+JqHZ5~@9|HA)U&c0w_FFqR!ci6ch%o`zvl?!S;0`jc%UPDR@}>q_P<60B+m>J%TFe@8$XkCTKh)g01Pa7tvwu<1WoxD*z%A|E0WW+|c8aLhv}zKR zSiP-p{ty|694xP_M(&Y(ObZ3`)p{-1)RH4d7bXXm$kpMfVxv`PU#C_%3%uW28^>POo3LG%G>*B@mZ{I%-h+~=e! zVaJFJ0PBebLXD?1U;+FV4aX-+S8ppaw-xFT0*SzZ=agi1h5O|HsyeE+@{x(Mdd4^* zEhZz|eQPSkJ$jH-1!^S0<+R$0e0g6C79E>?N{9Fgi27(P}i!^0OL*x3uiS8KF#YZp8Yqxcx2McJw4#_~I4Z|G=Hx z+=R7<$9TYc#XQ56rs6r$a4rXa!;12DZQ$leMt82j=b-)tFZ*?RbicCjon-l6kUf&* zPZYou%@$*!&+3P(fVnTF@RGhl=NfN54cz^kpsnC;4S*7(57K#1|Ly|$L&e>)nJoho zYqlqaq40BOZ2PIZh`CFgi~0ghma6(9dCjc7jlzqXMbsqMs;Q6nC}CyM_xa3n}+Z1)y-d zev*zNN`14;LwWnl&7ExrOV)qd1cw)F&zDT!1yb78i0M~}+Fl>aG3EE*f75=V{X>8o zf7pb-Ll>a)9}ZVVup;ENTq81q7?=Xd6IwqlWGa9iePnVhHc))pubVQ*K+(|mjN$We zE7)a+N~i9dYX-GFR(TC6DBi01>()rC4Ww(c(_?govEuXazM33+!e1mq%hVQ}3kRjh zxJxrPaRz2P1{uaC4<@>Bdh*dJ4l=tVI0esGRfTy+U+!42Zh+w{8;W(6@YTm{N-wpx zt`rpD>E8s2Z$M7bhWt~(fp0Z-EZPi4AhHu9*!v*9Xt$d%-OMVxv z;hT&}L`7#7E9bPu5i;7xB43Z#RK&=P=>@gCoYb9JJsy_6U1D_Ge7z=kbwyC__}X=D zXY7OHDT*%?HCe4go+zGh|ot6X^`z+khjw<^vq8Nv_OD#;Pdf?PSyZ|wQnL^{i7GCdyZ!yHs>vcK}8 zYJI*v67X-)GHf;VZ)iGImhwqKKuC7j*~ku1+&s==uLQS>My6|$8azNqYw994!~LU+ z@cFKajakHmuy5!MV{(o{eG_*Mv?dOzT z0L*@DR(q;q>)9~%SZ_RY+_MhI+ZDM7JE*aVVYiJt;E-0_QpeS?)OHcx)y>pB<;D>O zJTA>ut%-`7BIKCAZmiFAq;;h0Zx6sVPZox=T>RC#jJw*;&R-RPwpQ6Pt6}peS|Os* zfJ$w|UulDWb!K3U1~@6q`w>;MR15dAj}R_K0E}q5uu6yWF`$ehZ69GOcqY!{m26$> zl5g0uL;sx9oN@BKE8&Uw?bvlbwAALB>XN_=;qv7@k{*_2%J0JehDS2}0QTnE^5o%A z5|@Qt2N{U`p6@H#4Bt=m2x019aampVM~NrL$;}{VnQQFVgUg=0q@2B(+*TDqBpB!q z9nwI?JC%2vKis5^RSyiCf{R3o`CBMM{)v+25Oe~Yd@t7Ew6uO$khRn>uFx#M?cZnH zlG8i4#U7>bZ^MJ!B{v?*QxyO(@f>T1_rRt>Y=FfyyqAV9iIy&A)Ubk3Y_at~k-TwA zK1yse<7!T9lk#HYb|?-|)BEgjjIr4$%`+WM#7p+}-YqMR`QO_2v2Iv~Vk@f3@r~(n zu6ghxS708qKPk*cK~4Cel+ZS?HO(w>zNoJ`(Ny~}b!kDkQzE99#*m&%9&5Xs)vX2Y zCVL6I=Pu5p1naT%1bP%e43CS)pg>DYO$#)`H|cH;Dni5NKTq7FO2Te^M0W-}yh`u< z34!JQ`Js-ss%~+14L_}ig<4OIyx1YrrPSG#H|Q_5ik&N}Y_Ip(>tm{&leux4!Qqe4)YH55MusW%cFCTIQ+Sl*>s!U2pd`5w)ZTe9Yx zp5}}?ZC;t4z5*+7b&=!ZW3M3{GDHaaM!Ca7vKzY)o_I2!(gJnc27hsw^%YYO#uPnF z=mzFz#$%}2ImZUj0FLI=3YSxj5Fi$|YbDSc*a#F}mx+dgB&*xNM;&e9UbgfgP0393&AVz@N`8*$9_6Y?-Vx2UPM zxuR!3t;hVpaOz;)Pj%cT_b89BnkbPK!`d9LnxPV3%P4O&1xMELGpu*Hk?Th#$Rz(V zHElxK2I?$jHDvVEb;a%=SuOM3naJ*Qy*;4vr3TGyf$6J5zu2aBtSFL@7z?D|l3;bz zNI>DvHqdQay0A5nQq#IgpRHSYG<=0$Al5BkNC1df&Q^?-S5%L8pHo6b5scyL#O$Rq z>&=U)U`cqHPZ)irW_gVzimlA2XT%Vm*E4=+K(rNDekpn7rs}E)SgeGcTZN(=qu)cs zE_+RgF`BN;<$TfN>srQF@5t`O)E!;}N!(RS637p*Hyn8)6!bRHf47fx3v^RDB* z4-@8iW>JLLSDeO*wP zoB)@MwH~qeaLM~|@-FGn8e3GwC#Wj$k+GNt;mYjlO;)hFE0V$h9xmC?Z^j%8M#$Y8 z=a9UF+=a3H5se0X$~!?C;Js>6rxQ>$JgepRi|adKhT|UHL7y%ke#JbDc}sZZ>Sf&< zU-awN>k6{UB6`yIYh>6k>CCL&5G;EHSYdRY!N1Hj!S8u}V zpW-#mh1JUgoR*sR1S1K))I#uDBLeBW#oJRKMU|S)h5#8}zzE+HDn6dzjH#u!Dn$W> zE?jA+q!&Eg0zHO&mA$Ejq1^bNH6^p>m%kXSc}=!+ECJq+&ynRg4gNNl8`WIyT$f!q z1AVF>yj*w&Uwz#zO@gJnwjQ1cPQ`7MiJ*9ryl(?4Ku%lLm8Ez6_Vg^LBKLoSLK@Dm zTn$Kh1qz{>AmrrRkNP!`*xbxx1CjmXh&EL9c^!??mAS(`^YPK$g%9|1`4UuXeYaA3 z%y-;)YlziwmIjn{lHLofKKaE5JJRpH`r1cxF|66`J!}R3@TONaBsL}OHU_jR*%kVB zYJW}6HboCSX9Zm3!)KkFf3NsxJ0KsX|56d*ZQ$XV?u4Wm<%BTRdnG3_;WT|!qS?9P z*6SEKlUOB_iNcH5!0OR)jKoDpxu(h9!FF`y|DqypLC8W%+b z9;hy7AK4yBsMBF73Du$Keif`^9e5cipb3g9cIJauvV!NV;b1tsvOSf%a@afRE_+Q^ z;P$gVXavfV>X%8+)S|fCKbana7X-tP&X(5dd zVVqO=bZ|Cx{qb+EzwMj|jm1WNN?(9)N|6NoG%`G>8u1mU;m&kn$f;CppuX`LTu zFnhFVT4sT4guL1cFZb;4@n&JGFnK|MgH`(ELhBo~f_zI1d={G4rF2I-4`k)aT5fi4 zX6gErH%*AZ-0<%r1-j9zRcTsr9-+AP(|zAX&NQhX*ZvF$2+h=0W_H1X+jFe0GNY2#o8;~ZB zlCDeLLs&ZCZ+g6zogRmTn+7ZgeYPxPd8wU{qT!FfJWl;W0dwH0$^mjxiayW0?@q9K zTDd-i%6ulVy&l*;Ml~Nhn#rez3quEYZjRVmXWR)>MK`i|ppAZ1JvafFE7e8TE_*Oo zWj>}yF-yr2rM>ro1h-66`0V-+!_HKN1INR~Rw%h>9v%2?@V|%dw`n*3m;Sf5Z`-a9 zAAgRSt94$H2*x}v+&vOVMAhh69-s)n+Cj=>o!U-BU9n~L5Ef4LykS^KVUyRzL7^$y zW^S;DfDsd#K)){DHFO$_CP=P`6JtusKJkCBs-XUvhv>HRs!7&*%U{W+IUdXVm+wNK z0_m)i-y!3+k0jzk{{atE1J8@vh7WbJI>Lfr#_|eDomS9b=8|)D-fS{_*%9NlvB{5F z8<1Vj)WX4rxf2T06X~wH4s-`FNoIbg_EpX?x1DZBBbVV7>*IK$R-lhS*J=97%hMQ~ z7oU<|^5DYdCXbzc5Y`{SBqT(9OuLdV4;3_)0Dnm6E4^#raDX{1!oGsJ?Cm0 z=^|d%mC*)`B24unehKhQ&VN6aw-J^Km%G9#FOOs&saI*{Mmxg=cIBmhh2G3z4qqE_ z6;qrKx~VSbvS-X=HX%|Ryn02o9?RVwK?H`Y=5y=jbA1g6k-$xY)PF#MgIs4+9L|tW zIjowQQHU%x)F!TI-r-%ianK=4$aKVI1MYs(k4l#PA;O6Ev33i7ja@G`Z-NQ7+r{>h zD&dF664jGLs5$~h2;NFXLr=mQ1lFoDQBb&vuY|%KN^bb^xs6QcrG_xqS~Vk30(KLddgrh&sbo`A_k>@LztxCT81V)xz+oTa3;jOWj0#J!q}Z4aEJub|C!^1%+d_89KP zEtQ9@wDL2Q?l1771AOcH|8!B~hOcZ3LSkZ*73We#Yv%qo=qwpEoDd3|lC347)iy^D zy;Zxkr!cpQYIv{G>yn;^1Amay`RCgTch9d9FWq*iuH_|D`{Q`EK|Fv^V!uJ zrb1-r*9mq%U^k=ke^5jF#pbzsRFU%KPrU~BpSDgo<0eJZ%wOh=JvDM)^FoD(&Mo#V z9WM~d&mv20A;nkmx?ZBcvtTaNr08{}(8EZV*xH$y?^#Ljn6JsS&bW7&DS9;vHbEYd zhejwfx#S6h{&K{QYy$cn&QbNW^i+FF>F%(Yxu9y*{>-qtJs5gB^O811E0lOS8|uhD zrJEO&(#i>EA>P9LO1k5#A5JvJ1NDy^?Rkie%R4qA_+ z!BP7ZD}a1X-Etx(EqG*MuEhI9#W7{Q2sPEdrVpvBefwG%inFaVeC99pRoGnDK9%R% zU_?|LirvB?uY*m$VqOUxk;fdLaFt+tNeM8?V#LRA5h)n2O!+Ob+SUr=da75cQS=~E zzPZE?@By)G{c~JECEYcCqY$bR3k=a2e(d25hu{5=!Ml=&cF}J-c+DM*)9`Mu@5{3i zeMbiNwH&pj*$K=W%Ytw7Xw56N#zNX+Ga(l+(L=>z|^Ux&2rP_$HsSC}=R3hhuMJ|}m! zOJLav@3kk39e5b}K|TeTuxH1v=HMmhpNp8Zbw2ZLrj{;ZK4=(Uv%;Ba8c8D=Vg(b@ z9GWh+D{t`v3`Vg^^QN&dVrk(MiR?g;rp0R)s%-Uxhx+l`{-OMH037B7m%j(rd!D>D zl6V9|CRaw+)w`)b9*b;43%W6xRY9cI-YnnC>&DQsZEDT90y)@*UgGH>aS05n&BW` z+}kKkq22dU{`-IZVfm}k1R1C)K9anT8RNOii>=3K&`PZUw5bFKNz2fS| z^zL=5${T9{v(`0L(P$EOukf~J6^xaMlr7~YL$L+b&Ym_-sder`X;bL|xitG<%x%sW zWBgNx6I<}})rZyAJ-~tC`_j|R!*Lvny%Dr9)bbQ;4TdKD00yWloog;>{)O3dOY>N0 zW=LQGO7cbXM@siXcUU1f=Xie{%O;kbd7_Gg{?N*%-2-@B5K*t}P1~1~e-xS@a}mjwBq|kY5f?x@CFOp!)Zy z76?Zn(?>48&I|9|be5Cd2{_BVu-hP_PFn4=1L}znSV$%Jjj8TAF#LIKo|Aol;N@S#^MpTPc;_RU%D~Wmhy)M4JKG z&xX|_WkU{7QRsy7Gk)-qmCzSIa-c zl(P+Hi!5F^ei-Jie!x6W(D{&5e zeNWC0r}&1f0pwK0NepJ+6|vF4#QSj&6Y^rbTJi6gd-^<`2f6QCv_i4z){sF`dGwpw zEe0}ZcSKfH44`*RS%!cAs>Rgv?EhfB4if;;8fc68{?5e6v-k&7xavmDc{L7$J5WB<<=I(kk0hGZ#d-8<}HD zcWM`NoURzvWzC&3l#h&T44GLb*XzsAH{OJTA;J5N)=_qSU1x#gjXG5bd-Esw0Mqy@ zM0Fw0>ndv$Y%g+C$C3XogFg-WC|o9<;VN zQHKCHQqLwI{e+7qI)KbzPr|R3iJgkK>=*uZzBpu?;Hx}gQ8mco;yJ~Eg%sk+^={Zq zVuW%N{N-_8RB#r2h$-SOLx@F{Txx0uJTnLDRqyPPI}+$B(et^P0E`{zu6ZnMQ0vCE^kD59p_{6=59? znBEOW^w!aX9TFV;H{(v(Pt33HI4+Bwt$JvARE7^`DcnosS*e*b5D4o*PXc>(9{3nX z&cde2a4LBB8tBn_b%|2jP56<4Ja3wcA&gU-a)OX;U>CL(Bsfap+gn46e4Nvq-H?VZ zn{vsp0c|m90!bPZLzv)@UXDsR3;^|TEkTKaS1LlcUyC5fpLbQuwb#Y;w6#%^WQ>4~ zDKU>_LL8yAPSq|ejFn6+V`(Mkoicl7Pg5{o6UoZmpfC=3w7wH@gX_}Evj?NhuoWpX58 zhhU1tk0+P(t$0e4lPSKkX{{ig$17y6Hy}0vhiHWkOfrQ)nZ`Wyn+EWruwS)-^`bNf zjHCu(d+Xs@}$Bv)saTb z?C4ORaSj`T=IYi=eN!sR%%u|c#}1A+I()jE>+Y|xeyUI&BkB+_4zn-0hE;a}B`)xd z&y|UIM(-?bT9A+26Pr9?{uJq6>E))3=U=KW8oqXDf(jfP)oRN7!wKu3GmsZn>yLO* z4j>)60}0Grl@-s?l@*^~J4kwx6vD7Sc(r-_{8FG?cCXzQNV=C3 zmMpRI7lhh%x8|7q&fbp2?R#?AfQk2YV z60OM|dcOs9M&)(kM0>px~v-eeu_uEjj(OUWC+A!=ybe&++>a&elYKlk7 z6&8w3gUJ#RyG*>80{r`@G;t^c6>CdqMVVMWTZ;Z=IOqHv5g$snGGtvpNW(5*tBB+Zj{H5S>|6KYcDmF&mIuRE-jvVs>f=rWqGQ$1EA`! zrm+yZYr3E$yu>2vB~UEgrR1zcU>K^Y?vmdAUG}r%(3ebW-}8Ga->eoywt^4xFSG11l>P@*Dj2E$iM_DV*bb8vFaD z^?3SHvyq(Zob-Q!(X)xaAerWKT{@)xQCIldb#psLETx3HUH+gqOBY1)#4wwgYQsKp5FU2SA4`Z+!g>f2E7 z4|SuCKnRo8yj4QA42{C&s5AzGEph65DLH2lHC%6ta2yac0NKvsezE51E7k$^gGS)h zb&)!>G;3ERVR{Iky(?%la}~?5M~CAlE+rJ3@o0fIW;Q zYuLq#OfdIzs# zV8Jx#WAc77&yCxrrukO5dOi6yuY2JrIPRbGGk^yELo0lfJrq&H`&xH!F!W#Cyo$YX zL|IEYLKV2HfoxbPQ8$RzdW_@3BRZN6HQWD*Y~2OzEkvd(ck{- zYT(uIum5oS&IbeclfJop^wadf_xBBd{{Fsz!02Mm*9(unNQ^Ij`CIg{J72~>yZxU> zH~et?-8XOi`1=pOS6sSu_4e17d~px>B$HM%A#_+h6Qc2KD!12>UM)5XA)}aYWcd7~ zwVT)!F5&!2`+mV_>UMMh7c>O|Di6h%kQ1o>lC&n^UI(|j+ux7$OwH$+DrT$OM^0-3 z0%W%RG~ftfvy)YE9W2@I7U$cw&Zk=R4#)ZJbq0J^jQwHA1fsPgK<=GASA53Ox68S| zAzhKG*u6;+vFC>1<++~Lf|SCvletqLI#zCIbJO(0$?|!84S8NsC2!iIyOBejV6JxS zmr^_}!IIJIm$)1G?Qxv3-n^d@-tmP?5ZF1D!I5O{qA*C6<5~5ohtge#eT^ukqNYKK z`A7K2Ptb-pF4lK}pbiu>w8)aakZbEk&9P3sTBMz+hP)!&S=k}4z2|FR5sf5UIBKvC zHEa~FEnDuvkcp8Y%RPq5CVfI;9Bk%|IzN?t7b4_XZB25;1zx~Th{i#es{^PaDEUJK(@UVCarpfIT3kv=Z{SwYPzbS z&N#hbu}rW<=1)er z!BF@qiZmGl-0EqFS)Cy(_rB86ONDQdWFLNZw|ht#^Ynr#C=p4fD?kwsknVA8$F<6? zlNW2g!{rV)n$QiR>v6nRT)ee7ilgt6f@9y@op$;dd&T1SY_~L zuF|(h=fYZ*{!=l@DHV4gQZ?t`fHGt}r5VR^_xjXoofu~@#p9SUQ7=;zs|i7x7WfOd zjecj4ZAFFV&!19`K-GxlB*%rAzJ_KKJ4?k}5V|fKm%q$?02SQUn7tXJF(V%{TqT1~D4)ArV-!RSIGBdzh&DMg ztyN}?Vq%6izz7!{&dwWmKFAAK;I@IK__=$8x;Y3D_`Gd@o!uTH-GRH5j(c(R9dlFv zcD0o4n;Im{D|!?yx*RoJ0n^q%=U&>VX?j2kxue5+*P-`felMTf@NmGsgFso2>$?SLasN=F5=Nw^5%rIN$>K{j z11;=sqfW0IPP0Nx^XaF}xvd?>Jf=dIHLVqX83L{+SIsVUmBEa=U(+sTJ=s*J*qngX zu~7xA^G#f|wRvG`Hkl#lUi24Yo6n!09}w{X8`p3DbgN-V-LUww3=>F2h!?ASG5Z{2T`@aSGL?Flm?{9AOiSq;-t+y?< zJwmyDu;Rz5-uS%G_6eF@rVx$1TuXRGVp?&QXgeClZ*Y_55{+M|{)>g~m>J?hO5cj9 z(U_Uph`dsG#Vv}YUZ5Dj;` z6Yny-%VyLTFtlauATJ5ILxafr-rq^WR(92D4|0B@Ebu^8{aClb5fMu6g|B^{3)Kn5 z?qs*A35bjqGt!|z-WVPuRZWN3KqdSp1Bt%A8xz(*Hqk>JitO%EqbcwbVWp>Ra=N&c zH#KYPzY}1S_^6faumgPX@8jxm<3z_SwdoR@#}VBsETWh; zxqzRkWU5@Sb=6ot0@g#_J(O%w{A*oLZ#Pbv;1IppnKo6^*wyGB^P0YaMfG}PJ`2TK zT~Z`0F%D`5WZUk$bQ-hZ!I|Dj%y84?r3+{x@Y|B{{fqi46trb%SBYt=b6 zwt22Qd+>^npAeR!oz(8k+Rv5dhO|MnS|x4i%Seq+GX`^?JIEPrImu;ZA9ar@ggI60 zN)ezWFY94Osdswh*8sV354AloBJRqfp@Gb62zpC|Q&gU4aqpNB6*YnF~ zFUUR)<7D?f2ln}HI34;Ni>BW%BE%OgV6(MRb!By_SZ3KEK&rrEZ{wGDh3*P_l*oHk z^>}{=m_Gu-BvOD!DVzY@$JGmabzkJJ!N=I6N8dOel>mul9 zp1g)Fe;gDlzBs?*&p`uB6ZZF8Uj9AgckP?Ak1$480-W!LB@BjDN}F>QmfMx?9*Vm> z3)4mq>efqsCyClG=hJik8>gK%Bum_KT$ShT&I82Km%=J|FH#n)I1|9{1r3ep^W`?s zD9sxBRNFx=)?F+pgm`fHCg>X@*}8NbGS$KB_)2|y=~zWU&Qe)1NVCp;)5s?Fw0PsD zOi(8ADsH@ImPE`Yp?cxLf*?{mX$j{SI;{y^2oY(*BQ=sHg( zl7tRugGJufv;bAT*l`yq%-+ur=eF$L{XirUJ$uSRW$6S}rAuqYu4TjBV%x#ksKU?o z;Vya(a?-6MOA&T4>upn($1+50D@MSoBL!c2Z+XrCp{L`pdY{29PYuiBE~*-v(t%wI z<9*{q9r~NU$xgIqb-`mLb+0nbkv9lwOgI0B>>0&!XBcIh;?10y*3biMI~N_?V`0nC zT~rNLn?1dfyI;UJ%}t$1K(tVYjL7zskOm$iwjCBq%(Y*H(6LdBGtY;kH|bWgUk#@v zksm9H0eoQP$>7K3sYdcc{p7i^Ebr~dGT?UP0*x{|C4qL8b2$51;znk{QC~4)1d-r6 z#d2g7j}T>~Z&ESt-S}MaH^Ix%^BL6acBZ&o!<{C443}Vzy?;c@=tu`*Z0r_Jspik_ zU3H)$WA%xwfs?|W8o3F4^ZkURF<52G8f?U>gJ-R?Z#-|& z@AWQCexE+Ex-1?BX7N1}K%P(DepW*5%u!Er=D7+VJY&v3o>;{A31&x zng@H>J@I+3wW3-ZnZACilVnfrS{)Q1kxbkDvNbyQy0*dhL`yxT9suJu9|r)t~Rbo1PN$p;f4+vw ze|TEs(~b7+N*_UbT*nCsDCXNsjDfUSF?~?&c4XNEt?e~)<(8IwKtgdbVrHv6x=KsD zDBj8$;eKcS1O1HRKcMqWkvm&dS6X2rOpLKz=KHrAFS72KVQvnwkQoOBIQF`!6~`D_ zS)}6mBG2H)5>)*LZYQ5A+1b2-6+UDRG zEOcn+ZL9kkg}9p@$I*Qu3SijR!;lXXGFX$&mE|G-kl6t-i{0mity_HyF?r7 zeFS(YMuQRy4CG2|L!DWqLsI-+ud<(YC+HWIcIJcK1d8>i1Rvsv7A-6$Av`^5Xekdk z7#(L)il~d>6VrqOQDZH#TUw`7^01Zogzp0|N4xhp|4!1n7uF&HZS5m?HyM(DSOe^h zO81L0TcwHAraO8}C@q~v)C+BFLdl@`HMLDS`I=>`tb8fYCYwUQ7A>5_!`7wCgdk|1 zhs6;0U`%f+ELxiUhzudO{CWZ4Sqih_}7hd$gQgLMsnN-$!X;5t_v`@lY^@{P7A z>&84}f;F3i@rq>3^e8=w?>1L0hHdXKxdwK5htYq%;(Ag!^hvhZZc=@Rf?B)?1|Hlx%as0M?)&Lk2UExHz zYJt>7a45m%_rk2TFAKFWMtEtUfa8-e&(`;f#7#6tPbkd~I4!)1&>l2}n0p3cuz>8# z9BYbZJ6NYXx;ENc`r^Wff=)>_>>Y9Q}*tQ=J zH3mJmCGA5_#$xak4pz&y zI~z^zyDm9(WG&eNXO1{15s=mW(lI6aeOP2g?zn(gpI*WmMm>KPK+-Q3wJgt1a$TR) zIG4)AQqE~6_(Y^jG-GQ$X$oOeK_n5~tDT|SN`~@NlJP+?73-pZ>Py&OgseG@G%Ss< zHjfN{MaTP!Z6b2}$ovz^Q6{d{?wFD5gp6RXm+^(x;jZD%j9DRYdg)xXmSj)pqAwsu z=53yj66S))eciho$l8&=3xH)2ILoJE`b42l3y*`8nkEv%BE5Id&5F=(gn94rVnKnd zwHxx9|ENWQoROxwKtido=xy#>u}9i2$?lj%#N@EEoG|=hd}u>O_|H{2A#}%mT#BQ0 zki^+>SQ(2wsf&5mgPT1{It$njHvm@(^L;JG*2l*51bdTx(#Gr53@~+g?0+Lr>)@NZ zR&gn>Im`DH!FgMX{C{awE`I?6N6Jkprf-HLj^!Qj?(s!35cutOLhrXg+|{V8Ge)F^ zdLt{2s_=SmbJH#QC$Y7gR9Xsy@L+CX_=XU{t1)t12FYcvQz@wfdaGcMZ>YQf%?wdX z%~bbDH;%g86(P9Zi8}Ls+CbLlq5epCydb>`zJqXse1_+I8;3@RXZ*#o$-+jS9a6aF6*Qs)y-r)XI z>b7N+NC?x&g%A{KmAB|`(SLI@U-SCzR9Lh6qZMyq)X#rzc4{6p2qbw@-6Xx|@Z-}Ium;_+W*dz9Y}#+qqU>Iy!@LS(B+M-}PR=wU-9 z!KcpRH>6?6#Yil4`9LoU;Jo3hldn;k69hC)&6D#Rws&i-Q$ZGU4EK(+Z1tS9IGPtp zp_Y-KlL|GH*3tVHvY-ScTC>Y}zaIHUsQ0G=KB%^yojyc!6qYfGWIm943& z#9GbXpE>ca%c&8swc&H(2zhv;ym?M<$~s?jLj1HKs~|$M`f|R11?iv1MV(wNZM_P# zSDAIVBIYeHNcDe=+h)s`IHk|q?s;1fRYm6g6*}8&Ke2jK3VO!;B+%8aZD3BoC9A-| z7TIOV)A-ntJ#==9u6&Q_Tk7Ww$Njcnxe_N|1tEZlxPD!-h8Mmr{p_(3JRC@_{MwBob3ASK-^Db_RZB%k3q?3)z<88vm0M7b0^ z7unGIVt^zQT~?#@gfn$)1XP@X@dC&izGa}fNkRQBz)lMzJ1&jO9Qq>jK$v?>K+_JIy0#P z+WvK@JWE+;Zgc1+vFRGhga@nc*ehIC@zw7{5roWG*~uqFOwr-Q2hR|Cak!x>T-&^sGox*v37be5Pr#3dzt; z@}g7a3f;>TRunbn2=9^kb)uaXzXU{a>lN82khVFsuG6r5aD&?6%Mk_-DxCLVN^84s3As`KZrqw=uP2c|fnXMVs zF8V5r^i$rHv~PQzt6}02Mtunuj4fA}+pGuI>f63+^sI`9aj?96HCNHoEv9tr79=~!_Bf<` z(3e5H%V~q&W|;BdnV^>=$hg?T>u8;q4aj3IOCY~Ey)D^QXX1-$)JEN>JOm)8qas?P z;!^X>$xf-d-xo_Or~GG(Z?v};vj$@ZV?6rWXu`?#xO>Y{(a@DY z0$1p&-nZg#+4zsypuMg-W|B%ux6+D=iFsJh6>85Z1yI{$4`{z>vIhZ{} zwi09{i#D-{R#cMP_(yFT9jaPEjRB{MX{{O4B&LkL2Eyju7&;~~)?3{^$5x0-pRLH> zQNANX4WHa=&Ny6&?h_EBojlv8`hGdve|BoN(X{M|kQ)h_T1Uu$eY#}z)Jyuh4scm- zci=Xkr#@59)nZ=%pDGR}>co6qeX_Q&u>?U;v1XaeCpEmZbn`4ZKWU7p!#i9-q4_j4N=@rQbbB zi42;0zh(QE+2OtPf}pX+OlYDuSx)U8z5V>kV6W^NC`Wappv}JAZSmQ|xu!QN4zQ0` z-?9(>&3%v{@U*NBBk?l5%}(mogX;n*}rW%G4Jd8H&ozlBe^CP>JXo{46Lr3%A-Z;FzWXA&zZ#Qpk z$}ic_Q+eg~s0up6J!@|6Fw&CeCzL03&h6FH8L-7s&A%x@xU<#Hqa5gCu6D@mK0F&A zo<^LF4yuVG@lsaSjlHW;%eYZ0$vN4=_d^vU?|HxfWXlS0hjj0VQ`Yr(vpBN8M^)gS zMGFrO0JII|;6Xfjz9^~SPVc}_X(IQxI84Jxv-jQ~b=pF!Bm=7J=hV#Q?nv>0|KXWn zotJ9c49(r-`&81=?i!{hc3Yj3ej&{J^>}I|eO`hq$jeMrL~*-4BTvhAmuheFpPoQ5 zPaBP?OtYmCS2I&{Lpuu&@RiI0E&bAP>aOSRIk(T&u@$^+cGRHtdP$AhGnquLlZ;~3 z0*bAC?(mTj!NHFYz*wNHJ9B0HG?d0kKH^RsC>?x$U8Wy>m;7jObZz}bcJcCLo};bD zP(8UY8-=PK zup*Zvw2ox%j@l)fJuI4?IzT9%o-%X&p8lu;cGpc(6X95FZiIZ3V=7o&w4}$fTvNf! z$>6(H%lvhFMShP+Yv0ae1z~#zG;WXI$;Pnbtn+q^d1gWhv6el|mE;K_MBTWZ`D~+} zTG>tW_0=qSD*XStfZ4j;M=o2fZ7xL1(i|%5-3%-wIPrLhyQ|Oa#$VBhb!@jP8%;Lg zXeSeu)aw2d-Wf^K$45HDT)t_RE7q>Zti};Ye`fQ{6Dxv$oOg1&IFx^R_!wVT4z7=T zJT9nrJe~*$H!T=}M~tcRYdm5WPqX6wX?8FxFo9t*EBJ}UoeQ~)Vw}0D7){Qe(RE|x z#l0~9(T{pV_{=){9ObT6NGUGQPpk#vZkTEAS)9Up1j|8+|2ggC&blFYqt1PsW%tkr z3sekZLRu?vWT1FKNdHFc=dJN47kU2q0F8*&o`-aej0){LfaT}}hfikUQ?(OI7tJB* zexU}rs;lWR7+?spHQfdqa3F7fbw_8XD@c>(rM}!wYV2gW>B8t> zCMzFqctX35HD&td++YZ@N4&Z=Tk4HgwdptokNWW_c^G=>Y!iRPKIj^{GY&IZf-Zfq z`0VW)rl2FfA98B~A_xyYalGRVo|9~!#%$P)SvdY#Yy0o|;7p*r4sv~3dItxy89H>*>%>y69%V;Z?^2NS+XCsZ{ZYsVLgH^DBvlf^?kt?WBmuxPYEm|f& z;uCg=$%w`f&L8%gng-p{btowCu9~v4@)OF4$LsNW2X3sEDK@q*tP+m}uf<*nysM;t zc%D%`V2qg%l=xB}-#~fw6%1wwjN#w)JMH-|_hN1NA>}dw3J=^*bJ|j9*NZ4BG5>@b z1VkW=Rt^zD=?m2Fn~RXA@NI%^7}$NKmK`w#w+xayV(1w|%Y!rh*bNm-KQYa+EU7`>gbz#twi1~(V*U2< z&==dfxFM7p0(1PCJrL`u*L+qWu>Er2Gwj->bwUc_c?`4-HwUjkW-P;!O@S%S(32*{#WO^7mqD(|6(TAO>TzYo9cZ8lg84) z0h@f-@7DNzWfbpI5`Lq+DCC1*JN1`{pE_%Gb(69 zCG?@!qgsF}aR6yWJUQuu1Kpi`iS5R%|sprAcNa!yWZ*YJSe z{@dXn4TaXHrQ_6^ibC5Sgtv|#lLCJt?rp5~%DQ@>uQ%ZnbT>;9bdA)^q>l%V+wSbr z43oEJcZn(aA)19_uLElyC|oHyxZ)S;p3FT7)P_N;at7D z2Y0K0UtEBbf4D8J;8uGQV~?((c`iMaw8)<0%IoaUpg#=~?Ig?7#{Ttwb-_c#t?bm; z%Ma#y8iXwv7xm~~H_vp;sM=)nCL;NEqVM0);@6<{k9QiFI`$r_CeB?SL|VDj0WvQ6 z_v;+wYu|Ez9e~||R}RK>ZXmoWw4>%F3)4#C;{(xAdcE`%LV#0Qxnvf0Hl9@k_c?MK z$177{6Vxg49LQD&9xDh3teBEX>HC<7SHimdrN)vL9uiC`l9(G2dj93Ff+e@jH~FUf zgL>rZ|7$Z)H4IUHM1zQXfx(3|6c<~JxY~Fznp`vSnIQQYV>oQ;qOAFLK~oQDbmoc@8oS?6P$j?L=4*89V5F#gZ6uM`|u-(`WWN?{Sp4e5WYI<53s?3lDOD0B#waDXK{@A9V z91106eTC#~bw~(5W;LbC8^@PS>=fc{(KY7R$Hxn@kDf6QzhobYo7YOf3Q|Ec{yw^% zOMjtmrIku-cDm`w!pCJ@&>v?&AL@4JJZSv?IgNMd_bTYk; zM1c0Jf@NkV`2RB)dFrRdYPyTM{a!zY;bMauZJn>y5;0C!V}w}K7}QCV-*036Wmf;& zzOp;Lf@Fc+%}wO0!^}?aX#?DwzD?9UWcrzlO4GjG6DEB+4)XRzAa7q=7y6uCV*7jm z^644ncN{6>-E2mJ?4mY98_MvjOd|~(`)sZJ7l`(xX3T^uPIaF&qa(HF)1Ni}|9lu` zRu5FeoC0%yt1LQ7)iys2tzz2&Ou6y^7Rv)?@cPUg7ta1Wa*zXJUnih!k)ct~1a-EN zm%Z`o?GAw{qKiU{kan*YA}2Q`!q|s$3?LpP2f-%{<$)r;6;icpXZzp0N!{9~K+M~E zlrs&NWuli^ak_k|5;2+AVET>W3d4T`Oqj!}zu#3d8n}h0k^YN!K{BC8Yr1r|yIXhH zM+AZpCd-`0XX?0~i`?CAjV15Gxk@N4e$zQjY-HsCT-Q?TyQJGH7U0&Rl=F<)MsBm<31oP=!tA!20@D;R|xtCYQBsZ@cfT&u5^29|eQ}L%k!isQPetS=8yqKj|Bl;m&vpg#a(L4d%|rj`2>Rrb;a@^HBwv$& z{($^mIhb7x&EeW}k-*?Uu@0b=*Z^oiBfqdPv%6|6{KdrA$O6|N@NRW{slvPxS4V+^ zgrZT|SHHWmzI5`H%r)=#s+yJDWFYEY5YM+Vm!~oofv+Rc{A}#20KL?CN^nmd+)A@r z=4QuN&t4gScjgh8^QVW3&&eRy$F;b-_@WHlmI}{HAYzzU%~c1sXYdoaiqHawUVc1p zuqBWk`)iQ)$-(mnP;v{g{6I(qihLCPRkjc3L7$YnhLQ>crvD zOKNQ2yq%{Zh{s!jP4Gd}v96KrsoKcBr45Mov!2-MCTRmt7YVpzm6g3*j=0;?|B~Q7 zE5Cqw*}LhU!-r)`r~SP%l#j$nCd)->(KSkkP%QAB6+vf8UEU&M`hAW;cm%5C6b_pg zBH6<=t(i6LhBxZFSU2FMgMXGFmc}Cvu--}a{eic}4t4-s%9e9!N% zN1pC@7cOqdE^Tt~47W1F7gZt;}rn89`Aqx=eJt>Z}Z8lbVOp_c$-4%X(oU-M2dLGP^a*+1Bf^O8ay6q{{_CT3nD+l56vw&{$G#K&Lrr;aZ6UV2YSnJPtsqNlb* zK3_H6>U#MbybC8*m>ie2dF8);dU2JXvXV88;5gdb7%sBcwD@Vg&W=9C*O7dO zm|7jf?&P@aUx!GpvggXTg({OL)6;cw;JO;bcC?d|-1Ubu$E#d--P0#$xO{Fnns&AM zEV;_}8i5o2k|sS*@7k-G{S8ciaXlc?P^H@qGS%;5LZ326O&DmF>DVvNE57HtuQ2Pk z@T3#>J6R(g=aJmw=KTe_(t*;5E8qyNtD`-n{*+XP$UNM}gj$JM5wL#K|lUbx%-UEhG_%eZxtuM&ulN=oxm zDDU8X8Lb9{yjj;sY(=C!elrt{){C4ae6of~OLD7@m}WAWF4W;7Z|{|!dbn?e*NI8D57ljT~J9e@7K^>=)vk<2~TW4$g;QPspMSUV&GP214ZCO zhInNb+5;(N9Xf{mWwcv6+so;H6qUe8=c9~<9y2mR(5xNjPf=4S-$S;(=|CaR3_dlR z$51rS3Q;WS2PW4kTdww)9w+LMTo3X-ml#_N40d7-6YJS45ai09M%11mu!0v37U+6P zlfOX~*rH)MHif2o7ua{!?lG%_!-X3Ts)tS=W{(^TKeD_nqCDV?#u-2 zl)^eH^d_;?+3uPZJe_0z6?;G&T(E;EQmk_>PLDyCDca5=qWYxPi>{x(Z{EE;UG&`E zOpQ9XyMQaw)D6b7Xc?!BB&nr~IA07TJdBujB8ZoJ8qNKa@V?pt@$>^sU9fqj7Wxfp z>vD(pHcpoFBgC3u`<-Ak&Rm^Lo_+q0wDn9E zyw>v+mNQ@2?I|4Hi#e%HVCfFF9pAVfgca4nlU=<`Ig;j~GkqMuW$))J8Ev<-W4_Rq@Q?k3laS(YDD(`&PGsZ?yIGOK3;*rQ6j}+?Jd)C0o9djJ{Z0MA#K}(Xz7h-neE@UnMz7*b74J4 zOx$Far08f%E*c}B!KvTvBQ=ydekhy({12E)gU@(A{YSMR#FURjBglQ`7m%oMFMS6^ z($@?P+M`KOGiaRwut078@=FVc?6+ONe2h}Oxvm@dUsze_7r<5GPXWN z^(00rc&tIDJLdsaTx-$NbFFE)75>l%Z+*G+9K7j64{~OvGeMQXLQ}YL;Ie*gi!yfL4Vr57j`bqYF z3=QP8PZE4HEhZB7nd&<`YO&Jbd%_)Mgi!PXtrot&3L$;7)6W2;j?m4K(UhZFI1!Alt6LJFU8GjH@ich^>~(0@@aG%BhV?~AE78+( zs5YwM?iLU>KDuxVPK{}TUYPNr=beHhcNp4pypvf)?(#wzzc4|$Yb@F<8RM0Yd>dUD z-^CvvYT%~s;tWHf>u5N!VNOyQx)J>)YewE|EmkWu`+hz5?Cm#u?RBlaIPxfx7p+!%+LLEQAYGl~Y+B<`+W`Ndr>!JJ2-4kDOokK^@lvtL| zD0rNjDwUY#TSRa^v(oS8B3inC;&@_fzHN!zR?Y<8<6{6W^ylS^oZX#4f%`GSdl^HC zM+)CL&TNj{mXkidp@oK(tr7S96G}1ui<;7h>9*K-rtX6q?X??6Ew>85aVo?zSsJNo zlJE6_sV?M9ER~{A`gJzAimI0YmQ5tp*R7 zo?Ld<^JfEt0psEt>LD;=XfX)hw0`A^nVjb%od*uQXKtsE2_Mi#T^TC-OHyLv7oiD~|W z+EIA3gaIbY&fF%Cy0gY?-98}+q$n=F9l|0vGLC-nYBr7U3tkIks_=;wYX7E1PNl#d znADyt8XrO|>9(w^dA*kQu9v!!Sioxk0h4X+Y9#J=IZ+>x^61Y5-gN0l+Zb}mlIRGk zg*LZ|#>z){a4LoTA4dX@=}RgNsz&Lsur{e&bWu!cXc%20bJ8v+ldEsoZyzaM-1S^> zy|6em9K}v1ca28KTOZ2;HAq@qddH-+2Fp-fgyENu-khD{NN5Mw+ZeX9Vkk3<0xY%8C@cr#g(xFTj|73H~x;A!CpiDU2eOy|hUp>u8#i^x4}M@?7D$GpG@lz+c^ zl+u6h43}aOpVd`qT%vvE4zQS_q=2~-6a8_}6i}0!7YpOtL>IZyzh<+?e1BkR!}&{- zNB;rVro0;$2by%Vuj=M=MIW?wHciZdo|mYVmj<-Q=~*w5v)q}dz!wiy*N~QpLvIGj z>2h`N3TnE1%a%Q4>P94XWo#b_dm&;yiQJA}8^KzznH54jQ{FKSQ{yuyFNVR1x}b>F zkIfF&u9~eSp=S)07XrTvAm>a&%{IFz8H;r-#40i7G^?6yr!5^6mDNL)wu1d~4U~m$ z+ki$9?r~~g=avY-q!`ZF!L@t?%jCYeo#Z5> z^KjFvXmo#4Z!X|zD^{BIo{>Tns%iVg=Lq(XL3k^&l|;rdyFGg+EId*x8OPil!dm7xl-LZ= zd_{x~BxJCYWiT(j1DKs2x?T-E@4fTZo7Gpf0&P*z3?*|+_5kEc%`x@%*UZi8!?z4d zCu+iSTwP-So7_71C~RA*PLgcsxg6y!8v6mw9*+_uCDog|w;gXoXu91_(`q9&O{sTp zfRp`_yb0=|IHYwjO6l$?H%(5M)>_;KSK%je9LRf^RrzVfVjdn<>Do}p(N2>pV%7sv z37l6@+8>WC?zR<*VgZt}*;$g{&Rv|?yy3onFaXZon1%#okp%JcQc9s(TYqWY_oWr( zNo+)GC%dvZl(UHERRKNrAb2UMN_J&TDFvsQ(KsLI4*F-bOw>6-Na`&6J-qLa18p2Y znk^jB;{cF^Hqn%gPVs(jUn6e|9Qzshv^IH=Gp#Er9EIgClunMvbxrNc)?BoSJY>xR zxpX*uV#sincm=T(S6Q(=l{QoX@>(ad;8$+}`>a-~8PNoPFQ+r0+qJ}kh#KWuVbB%( zl#Ppr;JVC#-ZE7^SoAqrRd1EV8TUWP5^K)7hL`E|AQ0CY*R2d^}+- zbVu9{wWq1R5LMH_-uv0nGY3K{lCw5|(@t?I8f3ly_guxMX{s&A@!>dVF`OgI_8%q* zhwIztZ4}03=XXP#WIL?}s(3G5)9mc!8mjL1hHaze7S2yk@}^7jz(n%Bgq7%2FrJue z?cverJDA{bF?f9>z_?JHUZ6>%1A2zi5_W&K!cxQ>@V2(@IoE>61jN`zsHeT$V;WWuMFRouyha6MDVQ<#E0i2@a_;PE zmWzAtozG|Pr+*WP;J@E)-@Z+)R*8)v)e0m@}*Eq zoE+QR_281Gd=3W{&z{{)G+n=h7>rGeTH6Xgd4D+bgznEx(_Q3C*5(Ppf#uv>QxG=@ z{h}^;M`>$zyY@Tewu;deXlMCyxC>8>7F8k$nbeJkl?B=5fS}5l(F1K?j`Z7*3e9a> zll1qW4KAQ@Ik78DS>4D6SKjqPiS6#=*i_l)qQ>mcq}>^Dmj2=K+fy+}SL36or=*T; z6Rk4I?J!{v!;}@l=ES8H!LKCGzsq@20<*>a6deAm;SJi4={B&r>lz79KEEXQ8dbx) zc!bL#TK!4DiHjqeY7m7_=O$XECGd7)BdyefPof=ex?9Hj$vq5^E^TKl`KqSO%EmLs z)m=zaZvc)7KI)_QVGjot^P4iA@a)#ktg)G!lMIJ3Q_`BvI=!R!LR^sYHOro0ZK?Kx ziRv^`!~USuQN|#0A1zG#mOo*yd@afjl)HS5CS!_lta*=1megjE-Y5+6EF5E(Fj*PL z=1ca_ifz}jDLE_);~MJ(>2X^{j>&MmICV!FS1UbbY|l2`R|Mcn%f(UYQfW^VqiqX5 zeW}GV$tc`lZ1>-_>qlI+U0{|jq|4=-@g^W-+{Yx+P52E8J zzbt7NUmte#v)9zZjI%)XuF$Dj>6pNK+jki@!$W`7{AidtUF$jF-6lM!*&DgXHQLr; zqLveKvT;nBmg(y^Og<&0clmY$Ec_d-o=Nh;y?KsjNlava6}*OJgg*Ft-JYr)tII@D zAS-+0VgZ*4GP0BNY*(6Af+W#ZnnQk(l|1eB>2Xl+aS^aF4c_OBZsG11|1&h@mD!O8 z@)A81qa#BS1Ih&vcQ|fxpY}V0G+iSgO5o4-_DE8cV<4dgo}!u$FoG5LidpH;Xv20l zd^NA3q>_dAP+RG-M9#K2n554ve>E2@Wu?y_uA=*ffOHoLp1q3(+`Z=#?^3*KXs*7X zjY>dWpI+;-B#=dtx?FRI`kZXdRDJL3y}HVcZMv&)XbtUy3Qj;9v<6JAjrRxh1H+$` z)MtkVuZh^yR(1QSO1g0I-40@&ORqn^G1cBU&9<|>Cf}Wft}P$)vx`%6In|F8^gUdM zGy}O#xpDJCvaX;URCfU8_^T5Qy3Fg{EiCm#%q!#za26=|wdjpuse$KXVujVdqw6sl z4Fp)nHfwB!|Cijr)W6d&OD>rBm*L)`C+$zmwaK7aT=@)Xv{%{r#eH7pxV=Z%7R$E} z%6D^FyfR{xSyrw#B5Fj6R*}&+V==dwzHA>K^$hw(gik=Yhb^W0CRFBH19+&u&jN)R zvkjUr(mLnc==MiS*33XS+A|DwPweEi6|%WyQmqUMn20hJ0-uC`EuE^fEUV!ZQDR*zwW14#j|;2#SY#Jc5P>2|n)ub-X!k$8F_ z3>*n#lDA#gk)&B?473hFo77+JPJZUaRnzlZE}oo$80{RUcS!$ZKEh%%@DhS}7=fMi z-Ycva`cEKDZC7(Kb~21|S}H!9pUHSjd9{g}jWauNalWTwbH41NxB%+t(Ue7OQbLE; z)*k{B;p0}1)JisS0EP=_Hzi5d@@Y2J-brZn-luERKqb;{79OALCbw0vdU1HqOFKi+ z(gxaq&Zc0DO(CYbn5?+~pW~5|F*lHNX{j6In0mwlIW^xSop^BumbN?#F_e$E{+YN4 zpQMX5H?@!86_wcq&KW<-w3ua25qkr1j}ptLf~EosRn(U|7ID>PH@}GxSmmsz#;d$xndg%zfSy6ItX#I-E0H2 zD)@ZQMT$&emmxqiPLf&!%nQ;YT`Wq9_p(O|G+V5((nfbUWoew%F(63*6u}C|$b`k0 zWIk$#^QuO#6mvj2$#T64X&ClSd^R>5OP77RE?7e3XnPt~142dhBr*Po`qf_p)dBHB zH~B_pYx{S!P=q$UDCR{Ec^QY^;1O;sh?Nckvy47JA0Gh)T|---H|QLK;qXGE#6 z8Md2_hQIuLsA3DNKa?0%HC8@kzBXAmGI zOwd~w!9cdL7DaHVE79$oQUlyt&F140bQF$iFiPGvP2!8qX_sAiQmT93#Hi9G)cB{q zqB$#m6j|+W9Z{QgX#b7G$5jO1S1*ISe|6>fk1qcGCQM^C!bA?T#(EKHY`GGgW@7sD z-WHd5-8%bf+i9NZ2}m+G&4~3*^T9~YfO}C8seJ|*l2V+vJX`+l31W6$8;F%^a$63F z6$OP#pby)OiPtsHk2KN<_r@m(`wRPjwkZy(>8E3N)Ua90?NvLS!+c`A!Zqk7-&-`%DcZGWKJSbpG#_LUZVXtZ2aSZ*klA?xA ziVPBgd6?2Mm3E0@Fzo=w04#TO#>H5CP?SWJ9ot`9jX(=~?9$_+emN)M^1>o|Qqnv4 zj}7eeB`DgcLE~G1P3V6kiKteN$Z?}9+}95=eIpyFT$0FeUP1G#A;;pZCd?tq-r(f^ z4)luNkw*mY5~156A+bzj+v9!LpDn3BV4l`xB#GQF7i{iX%BQ0sGwmMgm@lfyW|*@a zH=V-Tdbi?lFP0iUqr<@`&1hUNVH$e&^R zYkR@PiGr>9fy;MQj`zvb8t9W0{&$ckU$7TlG=rhAcI6#iY5a~@o_!*VI7{$DRiTJq z_U+Y8S!Pf1r}I!OP`p76VVQdc%3-9PlkptJAX(bpv61bp4A+JX*C;>7*nI5ile*|s zbflt*m)Vv){jDsEC148&vd;5+ZGr`>#?z>|=U{8x52o!Hs21~g?<3ai;V{OM-?L1F z`CqeRd~JStA1i2b7DtI$x)I1U_lf4GBIwIUl)KQhZnHvc?N+Eso;h4v?TxRra{qH8 z*5h~7i|I>MtT}!-+TpXKN4$e=&gH&Ndmt?6y+??e)5h*^yzZ*kyAR*f;_3zt;)|G~ zONEc95fNpY5L6tdX>=xOY)gXdVKq``A0(Di(1XX9IUl)IZ^vby!SpnpYs~c3ZRTH% zMLi5KzK}jpbTBUsP9z*SLb#J?fa7YH7H&bxnh=zeOjn^;_E&>1JSm)HWAQG zJ}AP^5wPwFb9|q0%`eIl%%D=GGI$^e!qlI2h)f z4`W@ca_W394+LZEW&W8ZzOQ6}!CE}sevK@#__VgzTF36?a<^98jUlmX^?wzpx_kJl8YXAj-7&OcUv1Sd0JfJ%G}uM@9W#9qIl*vEg~wCOPK?!KV$=%~1Mw~dkp zXe3_-sBXK56g*yu=R7J=GxF*Jx^?KQf52Avx-GHRrxnOP4b=ux)^ON-Q}hnai5IzQ zu!{Bfh{a4_EEyx#5TGn;f&&LN5(Sm*y#o9A_#Q*G(!Qsr|7y3?r(XJ0sqqU5{voU1 zrg5Jy(|Em2n7!s4LDLUpg89B3@6nUIyw+m^>j*5(^8`zGJ^aEws^PobZ=V${EOU3e z!bJKNyxoweN#wzUAI3{7W~aAPBXBj9y=}FBSU<>^+tu5dgVXHi5By~hc~EdSncUJ} zw?8dgT0=`>?V1&axZS=+)RFnk6#o1OMn2fg#%*Uok2?V_EDos&36DX)Q0Er*XXISk z7ZE3~2&##SHe71xp3ycht2&AIihi#|2NV`MOqmb3G{<;$grr$_r?-=pC7Jutkg+uk zIoBJM*@NSjc-R$X8Z$4DJ1yd+o9mrLLPZKSFrC4<#=x$%y`n9l`5-{wyQ5uqWgpDRBbuQ|rN(Ix-8&zrQ zFpT-=U*69D_hPQOGFf)QW7+E)VwBtBh_be-onV8Brc$WEUSE%FJM>l+x{r1mx6lMe zkCSw?{0bue-ds(hnTOL@cBi+pn?l%`VcrRNr&ik41-9BfHg$(agj}BjaZ#(N# z7HN_e?t3owg#<%A9$vN0ImqpCt$Ui=1YQH6kwPZC7xJGQms?_)3R$9NeY$| zzf*!)5Wh^!o!;#OZ*co4>WD$!GW$=Fr3nR^(^}77cq;TSfa^J37EMP_=KYYx8A_n_ z8Y3;a^S>)nbvNOJ;r=z;b!+j(g5+Gzh-FQXDuSV0iX^i3s5#S)o+^G%K+dJ%i4!({ z$-;j7DN{P`*_!=F{1Pn`g16Jtc~wo9Nfejt!ik*6u*i~KmT%ts&y9-KZVP%4d=}=L zJpvDVwEYkVwZrKt1Wu)5-1Jk$V?T|tLL4G z-b3`H53v3`_wT@iC=#QKixu7W%Q19O4cefEd)0%EyPylV1qI4Zw=}5V|V_yINmVvZv;;B;z|n{i+D!G9dXX z1Dv%6Ko#dyu>h>TAYbs7vgc4ve#?!sZB#^J8&J)|qx_%yw9~6F70oidlh;NoM)p*M zd$NMS*%`~)GbS0@VWwUixVkE#RTs8Y53@xped42=%Kz)X{_$U5eZKemeuME&08G%r zN}rgi5ZS@^9>g?xsag}+Q{}H1H$;3n_j%Cf)X%QlzkA+g`ogK2e$5UZM(>b%D8%pl{y zIfy3T6zrei`g(Y+4y9iEDcM#&((Ep3fCURjEl+n~xix{Xy4d*GKw+rKAt5GY5APTo zF~E7N&h$xRkeT28Z)r6I&}W}L2`p5NC3oRM&Tl+Z+sBMOu>&UOQnUFS&Y|~muGPtI zwcDGVPRrg6(t;4I+hR1Jie4no%U1WnQioeE-rh&M>fTQxJ&XObeE-^B>qRA~WiH(k z&R-f~AANn8eu02ha$4&Th+n}W3J05a6*mN`M__V>>sX6vVzX+Z0^@!6pMh)1^}|b z4VDC2&u+qxh90mpN~Qh3zZMqIy{JN=`Q_nkO!)uV7_ig4;F7p0UYYKY{cAWePI2WR z5l2+ZuNFp&eo$5`UfgdAT9(9kzlNztsY?p3sCzDB7zM>3iBRZX1Q@#qFN`H{EL!6M zwxZp_XFD3X459`9K-X-+RW@;L*Rxr#^jjbZgfm~^mmUOcc|7rP)!6;l>vi8w*YntE zD3U9=Z#=nL9*fw^9`=rbEGVQ&5+!a~@3L2F^ zFUZ$VTUS-pB!B=E_IzzYv9I;mY4Xgmt)%&kqW2lDRt327$F|M)Yg+9Q%w;{MdcZ$q z?q{{cG67()5+*A0;{>{zkNu(tVsoRW#}>XyWS%B4ma2T`p=UWum8_{P!G53E85Xf@ zkCs7ETQ$acH@sH!QH$UY?5-tz>A=Oz!Ve=@2U%vLK1KU!Hig)|ts+^2NrkSj68+|O zCu_Y{uP3V=FqIQ}kGz+ktLAdL3h3X2$KN9A!N=u0WTMhLFWl35{q#cx;jSOt3P>hk<(r;w7#v+)f5`mHKqe`R8MW5m|2<|5R#UEt6%@~ZYDyX9v?330 z?eM2OJ4OZ+c`sO^8Q*kW0ZI$At!efKICWPeT3DC80=5$1U~_u*ck-7u1NyaO(X<}g=yh1X^FbqgD-I()vI1QzXGQ?bb_ESpGCK_3VtLxJ(G;nqt$ zAztycEOP?X}b0rQvAH&j$ZBhsN)z3TH0xSknuA4iQVM zXT@at((Xs3`Le^cNY}$?*2^i44<|NGF`#ZACc^6^xcY*f+$%D3C(L!HOzc>}@_ar} zvq$WgnD4uNfTB_y9e+HR5H_xt{3gw^1@5ub#$!u1?toe_7mmKH6c~)$Ni0=lS7a|A2<&9uFrMYqN;kxb48iRs;wCbpkS>XzJH0OE^V-y z(Jj<>J?fun0mG)Yib6Eh&D`KwnjEtAKa5kRkW<|?)1(>U>ZfT`=?{^nsQ*J^pT@Fn1o1{Oa=Y{nt1sfmN)|U#9bv>izc(l;{{BQanC z@9mt>j$tVeTOtRsX+d%!CIptxv!M5cGLE?A44*8Ul}8jmA5#?ffa$kwaFM9Jasx`y z*o(qk!qPuKKM-k$-9v z#&t>AdRgb5jPtAi$}WjFdo}Lcysa!dA(yI?^`aV1-PAV^{Y=}@t0M}JSm6$t# zd->lv&i_uGS)IG$?a7s+Uw*##zngzRyd400|M#GaQ|r0!xL&rJ-lH`i6624^i#dL` zD7%H>!#w9dt~*k`Q|G}zESxo|VEA$M7$X-I0O~xsRa(RCd47|%E@M~k=1{=eES^hx zQdv`^mP+cQwk*Zs*YUd0A?6x(U0ln>)+j)B7b{v_r^|rI7VEW40mtM{R`zhsx_vcl zjbsif8s;KM3jYf)is&Xd+s+k!5VQw&$GpKlYyYF17x$Uxsm7%~@vhlGol@ldrP8ID zzfz~_&Z;m{MFXa7+@~rqwcQ~U`*<~q8^tO$Z!vznxC3`_>BfZ8mV`G44=KYG3%fnZ9hSg{n)Bo(u8K&fUq`WHT zH~7!ilhBAnrE7!XZKe!LCHdaHn7Q&!*AYAaE9q7I@&C#6q& zHcWy2!k1|GnZxWYY|ai}IY{))1Lf#xk7Au~4p`!eAfpnRKd&ET@O9@7D^KRTmgh*} zp$Qn~>5d&W8)`N5J)WB+dnUekrZ?gY-8gC`o$$!cS+me7u>>&rZl$`ra0df)b&H-z z!M1ak!=J!f)=%}wbI>h5uv~Zlnn=m`(NV77$nC{YjMX8;@RpFC@H2ydH?8vz_)R_O zYqlLH{}g)rwMni*L$*dGN)I~Eg8HBrZ#ZXWFNj#KuCs-mCG5)aO~qAPmmiou8KHcL z{YJB)7CRo3T3_w@n=aL9sUC*scHn!3@+ z@pWrlJiT%8l%s^@nq_Tttc&n@d;J!Sk7Dx4gZ)RBBQS2YSG?^Ci?G z9;$>^w4&y7U9-l_a?(%o-_qF8)?CEY{+{GMh0Ik4H;{U{)#SDXjUeWGaWKPIkJyR2 zj;ji&9e>mk9EWr_McoZA4&VxoY)n1U(Nyf%JXU@ZtOGN1fg7B1_5uvSgD2Mk+}R0U}EhLLh+v2}#Jly^r&K-#>o; zaKMoqaOCEB?&rEc*Lj_%pG>#2ItgY76NjWk2z1E?V;AFm1-e7B_NIV6)uzrrX534+ z%_h31Y3NQ@Mb_XhnKL?vT0=A?tqVkbdKz0VP*tyrS(T2>3PU7SEuM|5$f`gS#Gk;Y zWNe_DeT7d{8@NQb&sWF8*GQ-4@WB)8{st0u2T`yV8Dp45zeI4}!>qelUV6%xr$s%z zyJlO=Bmbmrm_{%Jo)mBEiJ?1AUZQc=y%+*UN)}UUAOGmE)zJ60Ryj*7?%(j z_L9J@3e@`Vi3VrfaJStRpMBVG$5D=&wxemZ7O>3I+@`v}x5j5tKy0mxP)XoJs`tT) zDo?syiQ0=hQLCIX0IG}Apq5J7d>UE;+%otNsZ#yTo zmt7!de@jB2=r+}{mDbG7^E%-z;=MHYiLT93Wq0AOGzH)+L?$>P-Dq|sys;{#Q7fxm z9GXr{6*MFD6BD}85hyu8KPq2b!mjv90~@drb;?bW?JI}|VQoA=)`kN%j(H zU=pKbP+tDL+e4w_hk#OAlu*op_a2WQt zjEPSK=ys01fSm2ry@5^1V4W0-ka8p{obuA{etPDEiciCTIKSnj*RW&(b(m;AgAXGv zp>j-71{LcDdzFg^LLGTV$y%LrWIgAdC(TvCUz+R96U?F|5MYHW*$KzhOgs3peXu?Q z^R+|lR<{zjUZiL_?ljkiW>#i(eV0vKZw)4dTGcX=hFAr(b6!@vpO#G@aT|s1HI#dZ z;nomsr3@6)5_pGUK)M~lT0QriLlx}$(_Iw74(yq7KIV{2w%#sXp5NBlNxu z^h|&R7$@?d;}T%6M3yL3{S|`Xn+tg@;Q|4A`*Wf?(V2TcW`}NY>{VcRL0>%`<{V{^ z+49Ek1iQSQmE!EIwf9#Ry{tGv#_~Y~J(!t}NO~JOHaM7Vf2aPB9@{&bxA96Fc~h*O z**QF?5yh=&G-Nr+%k10|#|mUUL9N#S?~>WeNTlL2*ac?JP$T%o;7T z#*J~i0;J9!Z+FlF+4)MWAuM|UhXp={Lp0Nfx@rtj?=9ZuFbjwZAQqcW$2Aq+V!hs6#~zijtnz2OJCNgR*zq`E4##zVb#KghGJEfT>-HRzQ$_zx!U{1ACTVTN2Q$Y`k7Ob zLX@~P#FupQ)=IWp0$_x%vQxFqX&MUDzl(^8nn}|x^OEvP0`mLHu+#EuV_uIupDED00|jy%i=vrR1wx|I-iA`k2(rVS%3}E zruZV(w)*n#vhbN*-ogHboLmP_@i0jbbI1qae#E9aSR;lr!8idwr;SX5bvl*8$9GP* zVH9&M2GdI-PsqT$I97s9=%a9Db(O~Xs`|kIe~$}?cBIzHX1*Jfb=8M*Lh`7!v=g!c z$_?t?k_9q;D@Z>*2sGp+4K-4YTDqSfiYXkKgJRwR1 zF51FYxm>|4xX|?4+B_BBg<<{EZ7L65mv$9FIMXXPM8N<5Y;a@)-WHLS?#KIn(qfF( zF>jm(ztPI#X6vk#1?yKf=oDRD^baTuMnuIwxfZk!))@tdb>*4P0!Gj>RxY!pN6Q{8 z4}e@hd59XZI*O!^9#DDBmhYwlevog%sYU#4)kF6CB|0yVwF=Yb5wxd5(6$PUQI@Zy zeceTw`=Uol$tIZjN1U6cN*gOn)X;&95fv-%)RHUWt0dmT)kEKXke3QI-2)KOOPlF<_5-&$TJ02d1k0W9= zO1RRRW(~ZxyWm6rc`?x`PGkQ;xcLdB!V%&5I@r3>F+wpL;BEs(=G1`ZN>(o*+`*eE z(e9u41kEM0Bii+iy8|9W)|lB`;2jt(!EGkGHNAw@-sj{6`{!?$0MEx-QAyVpwt1%q zMwVx3FqQNAydgtms=c4eu&;H|neiMxMc&EZO=jK@!0c-pGeK+C5bV7~`;UGUu2THc z(X%n9bsMhQ9VvX3dx6+yT2D1N1(-WTSNMb<4W`K5EVHj!rXbAuIrwdS7ywDZ4t6GNSOD6d=p+EQ)!R_KYnq%s$brQaFa|9iWqRy-zW=q z8bhOq&e*klPOb!ubu+dGEDHA*tvY)#OVol;d0Sd2QPs#=6t2GZ`4rK}aoHWdLoZ+t@!VJ(jwD#3(9CsfNPG^)4HVtv+A@0PWI)?{$Zi*OG z*9y_8i6L&jCO))0NkyyHeimuF{8@&e=E>t6Wi+AEDxoVh5DF3T z+k)5jS90_})90LH0>`j~?0idR>CHd5dUErj?Xx2^B5?~NIvb{`Rpe7R{0r2Gz&hV> z2lPBVf%Wgn&s?1u)fSBI97^!U{zIuvEeucX*)>kjk{3pU;RV=rrFpDUQQw~m2xRlJ z)0s1mkomsaF&sar67}5$UgdK^gScn7m3@eUfd4>!TY`*rMVSyRQ1oJeL9o@>Z(f_1s*)~K7X1Q=9U|>1ZWqUjrY{Gr3!301%)Y&W z;I1pI-y&^Knq?EhjW2EQ-Z$p3@X^vQ0f#T4eNy{BLAGK2Jl;J47+tgJ1i@Q-`D7)9 zdWXw;PP;PjkQ{xl^5`<)20)~)oZ>Nmt_zBdlC)vzn zj(b(A8s~kMP2_u3uvQbaEb@>3(w6awDu12wy<@r7Z*}Ks0XPQrgLY@i1)Ut5&b1k@ zLVpqYsCV6?Ayl?;<5*?9xIUmzTRAJ68E%XLTnc$22CJ+%DhHmnn(NghO3#WR;fxMfozG-h9AM$1Vy(jV-4RCsS*+SxQ>Y)ZKc*K7Yf(=ZG^^$<*A1 z6VBP!p!n6Aqi+eF=hdTm6$}^;(?&c}ay>U6onTmaX)0ge(|BGPyOw&nZbj_*46GJD zr8+I85!jhUzg7?HNJ=>gRM;4EEgT*mIKCuH&|~y ztOz~I?718PZ3VvejUzgGE}x7>JIYYnt%X{$_XOrB+JU|b!;Q*?_xd@&l$UF8vRv?B<&poY&CvifBH9u z+J~}reDqRx46Q&(-)uh(wf-I9k;tmcZX{G?vud_t3C7c}ygxPLlg<5ivUx#qf{C%y zId0P}ncu*}?>Wi^F>bQFTJ!33b{r&vg=8yM08fz~NrP1J6F_cOSo-=8trzVWTze7W zDV#anYIaD|N=!pTjREem`KLc7Wskghv5S4m9d2(cg!GFsTNql7wX%eCcKy#j>L(=M zg~SZlwd;ACW%co;4q@S#4i@fMHCo7S%t`G@Bi%3eVF2;Uba2qZb2b7f1yrF=?XF>CB$tTd`voHwX~q}NcT zm&1P`Z~ZS528G*NYOw?J>P>tBbl_lur?QmXn+@22KY^i>H^x^Yh3fL^*4u#EYJIR) zR+4+n-`5Wo8MKFBqFA5NU0qY?Z$d$`2I$11a4jx-7@byZ9%;9YKRGxRT?2ycOJ48| zr+Ap;fgR!RIP)ipOa{5;V1Eq&2jz*-VC!s`dfG*4j0h)$K-WJ?r2I@2uf|$&n9!lJ zb>BE&$2jNstB)TkRucuaV_5+&FnTe315|97=8Qi(PDA4(yXE7?cXw}8Y(GY?J;v+hD;Tyw^8XciYsg&rG9TLMhlE1h&!|ZPN~hG3-u7$w0%fqO4*TZb zd5{1RP*DVosvQGbh3F!KagBLJx*VnSG_k{!kEOoSZ9P*5*!kFl*RU%d$isN1BR)oU z((BV%YKNh6W#yq&f6+{3cl-_Dhb!UX*js`af2S~{$>_j`auE~R>S)B;8v)Z8)3ZX` z&QDTZE;1WT#1Y}Q*g)$w2LIZU2>={mdm%(IFxNJaK|{f_bx6@&7$t%WA&2_xm~F4NS1pG+NwHi zFoHRGd@Z}Wx9IE{gw0%QU_2 zcAmqO?<;X~j%S=Y`3FYl_lgY5X94$UibcAJ>QWVhQ7@u@TDLWRj0>JvQd=&@89-w; z_ZX*jkzM!alXfsZRNb zL|XR*%T9HzSUzLt@x|a*9Tnz& zt?gl3_ZmbVL+|H7c;)e4fOn96jFJVIL^Gs$>B{+iBWjapa9nI#VxO-|nFqQX?EaSY zX=9+K)~|I$Oi2lVEZ(R>TaV4X-YuGC_St{1u9cCB zpb00VaU-t-)#WyZ z)$Us#@4OMb^{?+I4*0pBJ6PJioD1Mzam4@plM@_I+nox5#vpzVwd>o8{OeBdVZrVP z_H+QZFo_dJoMO1ws*}XL+wEfS@rEMl3n4IfIjN0@NDttzCpSffk=a&L?V}yC?>MSX za5s3(=>^tWY0U-kA_DtDC$11;e>y15&Qhf|aUrI%9)fUo8Qt(P8vm~_gAn9n)B265_51_z1 zu?r0;QpXi1mKjH+$N@c;;QqF-v5gO|PXzpj^f%#|I8dr_l&;rg2Ccz*`7~`U5-K*=klF11jZj&h9K%h?_w$%sJc8%y zA0j`D>aOT+-+7$1c*wo@Q?!Uoz60_eJ{BH%wOw`Q8YPlSd@?dPovp;mtz+GZ>h22p zh1VbkrO2PPfd}vgkKP^eiZQgT41J!^Zr6ozy*gGMEeHzHcqU8N5=exbcc&;n$HhQ>u8VIWEHHQX74gOX&)mN|n6V|KK# z9Q1piY(-;tR&Sgw?z!Xnyu;akirEUK5%~}UMzz%j7(RoMqFkWK)$aRJ+zC6|Zh!Xv zq*u&w5~(G?FA8_UhflMnP^XrA0k59v<5VS?nUBv^MOqD8uWylhX$8!mm1Mx2#_0Um z86)^NZW;He5#xB9%$eL4&RY67;2xYhF>%S9L$+-OYGLcD%s9a=8kjfy9o%>EN5F`> z%W%%~ZXiN{2qbPZ;hh%&FK$4JMN>8W=<7jtu*5wBrXLhMF1{uTrVEc2zOYq>K)>#Z}*6@5$cS>C=2zi;e%{#?dD@;ZI6|8P7q8QMs{F6mxmMP1|$Vs7{JtJ@kt=oabo?ei&+GD;k}PzB4^|eic6%BX}v@DP!TZ6v@7> zq*n1qxaPjjD=tlY$I*}i?4DSQ>v6Mp1Iu#ogaCey+(d~#?z8sR1u&gL{|?MIo`r5@ zv=Ssn7nioqK&=ZT+uuddbd>9aU}p!b4B1|?(6Zt$=8Icd@=)aF)dy3zH-Uk1TquGy*-`$UJV>U_?5?LOdMpf&psKS?v#6hC3$ z1#iPCqob3h@+btnUm8dOZ_EKt!Vqn`a;$DTrmks*vCzxC(n&o>-i29l4fu1I=dQ+G zPwD{%eE2?(cLky<)1Z5RaNX9u?Ynv_iP!Zf@&IdxEEx9L-vq7AF{-dE@n=LF@3yJV z`CBgs_jT)Yy*y(kI|#3_rhBOHf{8ti&gG${F+5i%tB1KSofsd6g|$kv?l;>>A|KF- zHSra7U)tHRs$|Z0jX5L-^DH95DU2)}dEYwm%Xg~M?i5w&I*k~_fmNV$3cF+tGFS*4 z-$=0k#e2qYa@sX5^Y`DXUca>SS9XzGCJUM@sDiI2e}n32LxP3Ge4S& z{|*(@2|@`zjFE+oK%y688w2OE?qIuF@#d3e zN8W7;9oZ6&BvAea4IwT}))q(~y8LJ)NKGj2R{ZIPs)o4s{)swbZac2^ed8HlqWKNS z+HzV7#BUg>EWpz687Rj#RKJS|yAG7|mDrClqg4NHTdIQUFTH4AlI!z2jI-{3r|APz zkeT!O)!&A`e{uZHi|LQuK^9zZD1iu+3CkbqD|zNK+p%c?%G<$crq#{ii`8WqsnR%e zsT(M8EDsU+-DrZD%odCpe>m8~AK?XRAnYb<3st3H-(Uupq-&trymJs|%*=P|C3HkS+(0=-!+mS~|*9{zb0yoC655FSN8z=~W*iDpp6@9v{qM zUjg#N+7at@$GJYk?T!}VA0Nc{q*6!e*xThDAb5__wzVYV=H-FS!IkMfDLZ067Dsim zk5Ns}% z$}vYPK#HwQ4{4}2`3Tpp&RkiHzDf+UjkjVB`}(IwqfC>n&V`4zc-5={XjxwAohB=X z$$;^vPtHZ9lb?SEuDhZaAbBbCbGy#OZfkm?ils!w{u&ulawL!mLRlIE0%GHsJBVi+ z>h|bgS*bU>kXVvu-ImPI;7&5uGMsOjU(8&{TV4`BgfW$Wh>i=M+1m@4#P7LNPs25z z@L7xKnJS!%(yjfBFW8iO-tjE-4PL)D%c#4N&GCmGN*1iKi&%xPni8)Fv^5?YED4pi zfL~B-9}nwY?H?}`?4^;}trVq4bmeno8L*tn7p8oOkpb~%pKyNe9tO+dGxA6!${pOa z)g!S~`OiP15L~j6Yp$`jO5!w5;7ahU#C!#~xNDQe9TisNYOVBdte;v1Gi$)y!K`oE z5vpc34>D@32`~9&HKKp$5NI55kYM{6+OSU>Ejqx%^H1P6d3pjeDn}CJ0#aQ*GNs&l z-Pqr|mnMZtl|>1xWn;C6{V68cNZFO6lv})H*crxMUiMlaW;fD<^~)}g+3ZB4sU_vN zMsE}aHd9b;|Yb@oMWy8e%ez{hUrI3VK@_SJHA4>jgc(hUqX{`aB5b1tDj$U^x3k-7LbB^E+ zlH{yIZ?3(0vEe5gqZ~^p&$!-}^Je(onAs_2TrD>CQ;t##?>Q_z}OjF;KY^Km^~x2PT3V zrw%^w2<7hhn9A->&xaMT&|F<1z@7ojhQ6shUV?kMcG`!H+gN^&Zlonb@E@a6&Gn28 zK(jEg2&O?7Oyly(bd7_F75W+L{38+AFNnuaz8T6L^!1zz3?|H1^(Oej{0FifUE&|% zGX}f`2&>gSmNsovOM9|qRLbX57jinFH^a&jyAmiF=*?ZC1>=KOSv}nS=s~wi)CS2~ zPZ^OXK&^;(hr@Y4Lq`#6f_VYBv4BQr(dNJ21;HdbruVDroKTN)*>ksQ{o-bgjlKG1~0HkZhx)W%?8y(1Vuy%myDlG?3dBm?NfHznde3t|WAQ2%Zg!Hk`CPwEKy4~1v@U=5kb~X z(mSB_6=iW@tj~@9plly`_YZM?&wE!bEmg;(`V>g#PnE7=kYOv{?fix`gj1)$ifu17 z00IekjDSV6ttSx@*kNS-Mu~4Q84C-Z<4Ty7J!21#yo? zgihLjCm(yfAaWS-E$D93k6|NfL=xl&7QT;*utpa9WY>UHSSp~Xkxt;Knc z{9m*EdJDt7xn1fQ^g{8LoX@mn2x%jp87+KuDXYvc3DP*=JKjS4zy&E)sa0d4zn4bl zJLeoNy>W5%cw63J!_V$V`VmB3a7{s20V~G0v3z#_JA9?}w@fU@R~z2+G%Kb?i0i^q zIIJ`2NB}-8qHZD=`}BYy)4iq36d5}C;SBdjN=jK}$`{sps=uI^D zd{zB^aBFe&*vy#m1HI^$mp}p_u#x|5;B`Usg$wnf-ZvA_H9xWc34rj@#gI^UU%D%?G{sAgdL>g87xV(I? z>@IH(r3>&J-M+bf6Su&sOIG=6;7X#^ROLSE$E zCaO=t4fe>q73%kKUech}nKlfi2Kf@J*-Rm)7eL~(E*mJ>L{_2!C13L}_Momu_oh$9 zD_EdZ$BWTNgi+(Is?%|BJFfv8LH6ev%w11g52&__A?w2#1IWw$sn?yx+wy2i=zx^9 zJd>T?r!>x^{DSI~M%8+9!`}5%Z2_tN2rk2!VNqnazXL+W8Aj=3U@%t-Lyye6&sO9zBBLp8w%n=!T8*fOvT|m$b^fN5ma_IglUAQ5VSJm` zzS!FZzUAdTIo@b)kOZ=_iL0%@^px9Uq)Ht#*h z6*TNCS!fcWf2nsS8a2IjUOBcRCB?G;DuSyUvzox15Ntu-#sl=KV>1WA74xqN?m>wL z`9^hmUjVKdMBg)>@BD`7KOjY$o}40v=H3s8Yoy3CANp6cdkSQ_yYV2?%6a^uAc~T~ zy>|h8MIdvm>X9b|rHiUmG{yjwtIzQ2^{1L3boWT`5=DQERn+Y0r91 z_u!R28|>n0U}7#MGj7h6YkRuty^TZ?+uqSDVH>4FQM&F~-B7s1ZFgk#TIfP`cC)X> z@*S(kaDH+~+I!3ulB5nh35Tr?z0u z!1HYJT%8AohSU#MyMI16eD#;SH@~)=avgM_D;hQ`d{kt@eYP{6CI<4_=WhT45kD*u_&eXOs;_2oy}Q)oSyxy|9@@$g#ZDBFw8UJ(!Dt8oEKQep7@Da7qIisg>&1}_rF6)e3dlcS{&@AEsgThyHu+l@eC!9HVK2O?kz?XEoxaElRYtjoLMsXm302yh> z;QqbL7EJ8672`_7*5-qE+QnPOUjUv2tT;}}L#x@n-8d4I`k41-7gvLo@sJYUiT$u7nTy%DHEF=;Snr?+N3VHah z1uuiKO*5-&6$#duH&#&>jsER@DcpB|3*nM<@aUAhk#)$SYiL*0$8gwN-Lscqw{6hp zv0TgSAGU3P!9AnsHOu{WBG88hCfYB;vfhkMP0!{_7e&3}`t>($9kYj%&0#(rN(`rx zfe<8(hyp<-RituNg1aSRm^IVwWr@;~!o2RvzD@-N4%L@AIv4#OYWm+C~u1{fEGuV$%5Qv=l0cz{z~TM`FGn2X|Flx*^8 z0nx4c_!DDk<`k$|8V>UQ7R+RoO{S4J_CU?vQ2`pj;P&cS-3||fE9@CPN4K1^IwQn) z@j}w15t!w@F+ELI3DG>~K)D;;qi{XMw+!TjdLP| zsJD~?rD1F%_~fBDX@g{LgzC-0qav^{&kh9wwDh~0UiS;ve z9IB9R9(r6{Wl*)P-S))hye+U}AJi%W)iUOJ`6u?}4<~02HLtkjn^WxtQwv~2a@UVuaWl>~68{p>)vDia7_TV1%&iR8ALv#OQ9 ztTzrjlO?Am+oDQtMnXW-OVpM6Er4Weu5MUqPCW#ox<(U`Q$X(+*I`wD#V`WGtub;c zv@`lNo+rO;GqnxFR`$jUR_bbj6i8@b63xBUfpi{iH#XpymDcosq?@@O??CV$4#zPs^c7@oc38SjS4uE; z_)|VLU==9))QJe<8U;}fL%W_GYw9{zX^<*xuE27qLoiqWq1LQahEpW1!n_~ z_01|=A~WsR@XJZXxz_^*h%ovb+9R(&fXVp#_UfA5V5iO~SN$wnuEOu?O(mQ3-8*7D zn);X8HX}lB_HDkbui6)Txj)KTsiioW6)h>~<*}Yw{w%ImmYTPk3t*5|o>kOJpVnKN zo=}-CuO=WDX`%UO|2yKO&j%HRzoIrYs}uv$Jo}KU8>!q(&yRaett+h>GKpSf6zVo# z7h|8-rM476da^`;Dv<4IY_R`$OyCav`y+CdeDHN~A)x?PG%E100;?nvw{7ko$^{Tz zL+Rm9KM&~$VK-oeD07q3ejX@(Snp{&F$el1dVdLu<3*D_p9fl>G|>V2Ku>S)8(ZiP zOLRW4u7?C*fa6F14W_rj@84#I@_Fv{cWbl0QuHJx@BjL`a|p7EPmPQ{lKg9A*K#x< zoGxD}jkM)M9XT*|c$t0EUtR^41|lq%R5>?R&r@3Zi!!2{Cqw-QObE&yZD$5SkQFx< zE$Cw{WDFmfgBT)z39kY@e}2XIFakZC%a7{-#r~=)zYwi3H6JD07DX3`brL)t`-V>l zrIpq${lEhS_#O6Rqw|;!{NOH<>bB7I$g^W1L$`imM7Z>VG8q!wh`$WMSKyE7HV>kR zDo8ZPw$_p+_L|)el0ApxB!F~icjwhNKi%Jo{nH*-%Eqif`Y{ps_zWQaeS~qQ-ppJb zW!bx?1}cpo>5l^0B{X~C7@ga;;+4XMmiI;izN(U5MNxuFQ}7Zfmp1K+l{~3;4VIfP z$LKcke{w;%np&N+P4gZX0g$zVx*~KD&cr@y1s#?VN8;eIskSaJO9$a;Ai`C+XC@TIJdpk~&L1y8d znk$*9PU7G7q$4lWdi+`uVY4}qLHvYbwa9dee@MxNzoaMT+K@SMxM894_?6xXzn;ZV zLY2!-Bpo@u`DU1p|Csqi&Y17Lpm^fEfO{EW+Fq1s__v>cW^%>sZ`Q${G{>wCXRUMF zmA!Fo)zgFGa3cRCA(MdPTYw|W!Lf?`H7CgSwMbhVQPZU-5vk5X^Swa`O{GR^YI0Px z$wSUuGw%?XQ4GuQkNq`!)HvANd}RO#gCJfc6Q2W3aT20UnkW85G@ps2OP^)SjW0+5 z7d&2%e+el(2MX5gi_IM(%#UV*e_W( z(f-tZ2*JsA6{aI#k(`dnh(~+@dWm|FT4d9_ZaoTBWA)D~6WjBadJ%6(F|v1xAmgX6 zOLZH^ASG|)v9N+eaM?!~SB7z+N~<(HjR{WhJSt{>?~Jvlxx9Y+;y&5q`K!hMG1R9v)*Qh#c&MRx`Qx~N5yTLzlgIW-=S@MK;uRj8%WM@8X{K-&o6&4iP zaSpot<{)A%{~lv&BBLXMHAd6n5sd+yREbY-J#c;|VcXN?`$Qy)y0x zP|6i?(Qjp!a8c|<^7HWZ?{G`hkN@Y&<*`pJ_KS}1S5j#**p-SQ@BAJPOTLCt225=q z)1Kc!rc6c0ta=|@{8=O?-=Er+gumXS{G^_{AJsUsgD&J-m1|gvgNxfzOvP8`e7;Zn zBj#6way+I(MOrkUp@ae^lZh42sR1$QQ7vT!=yYkVS>~I%Qq9TGFX)dQulUgkq^x6| zs;o-bNpT3@b$w5J(z~FI*w|q9!#=aP9A=$}tyJxvsG^w%-%pIPH|HRtYG#DB1B*N! z8~ZnO7*+EL|GW}R_vla^jq#ZL3G;;(CJHsGy)Mww`jo}F!pOc9wgM0;&J}MATGpbA zjY{OzoU>!#{*`rRk0~=~X0mHV*o7g??2-a2m&${30q2gNg<+=oW7Lh5)%U;Hb#*&x zBgC~SQtT$;cM$c`_SLecXaNcEzsEfoYVvtyuR6Y3l9f6)FeL*Q>6!}KB|72L0>JyP zoPk^go;pF1u?xU-Z)}jXIL@VDyr=#8Oz&C+@ z_j+w;usl@d_+x_cI>kQtwX?wu(<#7Aa~z!Q42^@~3WHLO0C*DZ^Nr1lh<-YK<6v=| z*qEa^R^X_jz_b3BJ*9Zk?;wIIVI<|}v+jndl8w>4!42#D*f*zxa$>pmYwV&a+L*Sn zGF{m7lA@&T=F_0_sbb4|1hoa% zpd+ETFfidVcN>q^tm8ipN~ouFi2l&n0VpGebl|{*Y}7)BXiXW@I@L*WU<-+LUIL#D z!i%|+oWz`0_Qz5iVBnuN2k7$v>U>vrz&*E=;bwd1+4EZcTh`S=fhZ}ot{z()CN$Uf z?>oFLc!zQrP`IxQSfm>ZF)9e}Z-HV)|6b9?V|KLgO$2erxAGfF-^u(Zp<87I%I`We#_ZG z7&gS2!><&_b6PG;^0pN=`0EsFx3rFX0-uP18w8R*&WQWD&b;}jDUQ?DP0ca=##wa{ z9#kgU74w?fA+xZze>fhzs&7p5JAr9IilgJml&U0HM94i@XO}`DTkkRC%QkyU&quFC z0`s9`bq%TN(F^EIqAUBH_F)YMhEzjk24Raqb{7~+cAFsSu1z!FnOr0YhJR%~F0z+h z3JcAl7F~wKapi0D$_u*ooxMS!*`|ncke2;>|h=rPH9eP~V3; zK+A^t!s=k{o}6)3ru#LK^s6`TlLxn1Ye7?rYxZ?v1SS>g-BE&cT$+2Kwu3O69nX;k zo+;iczwxef(2_zO-koGVsH*o&>_TXmHzt8{L1vs}Of*;$-~o7TR0ScHx&624?L7huQxyg>6HKmi}J6=?^4Vkpw@0yT<&_OU1BN6l*Jhb zpB*>yy#U$ul)Uw2*NUPFGQh_9yYZ^hcm19q zHz1;`k+*&>|6=O}uE*i`scJ+3TK>eEUwD6LgH`>#YlU~$P_gv;QuL^m%53(k-{ zz#QtYlQv>xmB#aVSryoY1Vemw>b6Pan|Npu#jrI2JfE_%Z%4B-B`e4=R=+xfwu;~} zD9a0&V|egaK{yB3tR2H7TO_B**6dF`ijn@VAL;=a6UXnH)l$@9c)R^}w=Il*G%^YL zIe}ET61C&ms89UsAnW4eqk_2t+Xark)i7FGr2wNfla9Zam(~te6;YPQPF9eSQ*~*X zc}Jkdp9s7p4Z?jr8m`D!aCfyX7S*nGhz8fkyo|h z1Y0AZ7unuuRTo7$z8SykFNfpGuKC?ZF!-6!p8OK;1P#7kflxOI-Y+r-oqe`@FmTS3D7hUs|Tdf|*t zXWACI!{17cqQXPG9L~lcO#5+%A@|_7z3^FX9GP;oa=}Y*na06@B5^%YQg{{ z4t1U7?uO_wRGKXm7cTRc04~xSv)<1Eg^Jc^BLxWW?eHHq;+mv$>Jv#S=truq)y9E+ zYv+OENdIxM(vg8gSq~e4J`o%>{{T46Z0?p#zuI7JfeJcp~chWim}m zp>NH!L~-9o4+yq&xibS{{r$hHZm&X8VI?;W-6vw{i!6-AwaGLscMWCuY{;GpW8lH#u&7*Chi6}$5zkhEX&m%KY5av`G zDDUn!p_xis#k??skR?x2ByZFy7xE+mN*@q1C(YCRTGz8MfD~w@rkYT`gL$KPi&Hw5 zq$gAdWhT0m6ty;$Tow@O9yhF7d*~(WnkvKtcgO~}4U2_w-ZR&CU-9l0Q)4I)3-aLq0 z+TI97#zlA9TY+76GmP`2_p<_!@74B*3<8?bXBTyIR%`3GtjH${rO#nxQqjPe?;WK{J8TImqv$8zgkZM>|M8&&~bNqVMJg*6cv$YS}f=Sb@ z-PRI-R5j-MsfMPl#h*7O3l=2^=MS_M3cABJcs^Qh4)QasVV_7tt2nK$rGPWC>e?kg zW_bf>>8oYSXRh6x@-yVqu8g(&mgVKs+VdN_!u6-(^EfvkP@P-;vn}O=Kv&_GY*LudQoE}RtICiu9NG`CqYf$rW+XcAs_t-_~@AjX_HD78{>Z1y5C!D$6*kkX4 zN}=Rh6o2iXTbciaktzBU&IH43?_K+j0VLOUr%9VCU+NZ4w}#9VPZS&P<^ZRAEd*j~ zQSdzD;M)aX+ghpsg22)ZPK_!uQ>A;ZQ75ijhUK%>QR}Qngf}b4%28j;zCP=WwQAjO z%eL`G&z7d;e0wZ^_qM}?MwgU}KUC`(ybf@s&Gqxbxfz7aOGfrt*1~=4uA%bMeBsmg zb@u}YvUgAcepD};*;QQ(5sy_i;|?mdeFc{X76AbH5NIz}3|kjV)R=1{PduE@((IFg z=I=QKvT+tTtU&O&wkp-rSpy)KoBL9_Q%f=*=&776{a+X)3GB(>Eta;ge-HiBRBMP1 zV%vBh$Bux#6D!T36B-66VaGxf^YBH`!ne?-Q)z~M7Xm9&w+#VfP|bj6?hwK~wsO-i z28nb4dA<3OM+ne;z^~Tq&ml$><33rfAlY7+L~{$h$06Es_Y(Z`?%beDuuZy4O&@5g zKS!U2yA$^$*WFd&x0ICW{ag#dt_2B(Z5YDH97-_erz-akIrCit7{e}+IVB94r9xJ8 z2vM@)q#9GlqXS~y*umZeYA&Pi|7Gh^ByQbAc~YAe%%qD6L+Olzyt zB4k=BVUI#3vIay5geMBxZyUu8}NGKjoYpw!!WjWJhRDNaU;vh{=#|& z#`%clyfU(D5gECtZJY#!lWYg#)q!whh7oXUT476x@OmZR`dMJ`{O@sj?sCU$X9jLK z6sqR)i{v3hAdq{rH>lSwUuDTJ@I@1Fh3qz;J5}+ZYIC>7O6gO+CW$QxRu`pW8B__G zClZJ$45@#suZ-pVBrZyY51#Lo;tEcsQgjyH;ivh~2Kn5z`% zYE7C1_q?w|e~RK1=>AfNg$X<8^`&cb+QKb0*;jcNR@5yC!P>0?Jm#etDUKq+Nz1(csY9NhL-VDqvo40RS8x;{64@8iK!BSsTzDQWcmXA!+BL7R_}bkv!@BGdwg>3cMtKH?+O=ru@;?+dDl9$Qlz2W zw8~Ljl4%YK&gc2V?cuX(5HwFQ!f&2Q$Y2H-0a@1j`hNGTX2o6H1v1?+?oJ=HfvW0gfxEyQ2akqGvj@i!Qti)Rde_9%Q z>}`;1Gg2%o@Mq=Drn!OEbBLo1%kP@k+-y3zdDC6+Uyn*oa93QhBdRGi5HjB}kz_%0 zO#uD)5=cZS(|?qpPFBwNPq%09Dr$yDGgzKKXze50Z1bOK@)VNvcevmMB zS3J>}&$@EcT^+F%3qt5f*3?CxAW7SeH~?Z*^csVL6^9=}MbmGwrc$BWIi`NflU_{% z2Y2NA&6Ee=LS-Ki7;AIkkpqA`yj;p$N*D>d$ddjqXoF@s_M?u;SQ<4@f1Kw zY|%#@=zy9+ZNdsyoej{;dP#8!@pn-7a7Q`I*>QSJG$a^DPPFhEz2Rw+(`f#4oY)VH zypq4i+VQ^b^khpQq5Q%YHY-t}ZCFULVs;{U`YH?{9wtL4=xIRQz_*&yMu~NuaXeQON77~Em zoC;jV-clu*lOme_!c|K5voqAizPuIV@|Wjbzafu&06S=UISOOdH=MPvBO(!{9f4kt z$PLEGi=0o1zjvEg3lZ#97>@mW$kd+g!u)@e1Hs*^o6_~C|8ZZHs{F`Nr9iN6u)F6V zp92WG-iz;Bor>b0Spf94OTUR4$-i5#qBrU`lJ##VS$^vw>x+QQ>U$k*YNZzKvD6k zprsjquYlIGwDA{Sh-v<5{Vmfw?Ma_=)>9*vj=}ZNEY!TffSNmEQmp-?9+kbd@Uh+xU4?+Lb<=g=OsDHNN zDF>`WFsL^0dl0;@L0(y)tpb+BXTd zD!2X94-kdh&umU3Kw1>YV)F)Rtycq#kqSw0#Qs9zuWj zPDjyv+2s1b{)ZVHqGk79>gBZz(Ba+w6Q_9o{}n|RryaI`W?j02H@ZHbes2Y{`#;_j zlO;Q^BUQ|{CXRk{_B5}|q_?dA`r|>61Q2NRvzP0YzK$4z#xbox_>zoMm|dY@jn%ff zpY*XP5?yz^G2vneHPdHgu`Qee)Q9$#LNU+Ve5{+Rc)mt1B3i!E~;9}xvw zuC?{LtYFE1;S|$Jh#M;?UI1;>OMlF6MZV$xWl7Q3V_#ci(@uIxpg8GDp^LAP z&$lsci^>nXY~tn`BOvf%p?1}MR@WVC8=I3U34KckNFdTcU+D+>J5*4vkG3$kOx4*l zxaeC%0zQZ&_CmV{&w!?T@vFMlm31$iA@FDYK+lF5P<%8l^@mfJ^6`-JL|;(U|AJ+} z!KZDEg}wV(NcuA;_qgUO3a>xia6T>yj0L zXZ<_tCF$tV=>aH-9d-s|X6`?fFl{KYPC7msdErTXBwzUz&@hw=o1|3XRKr;#@hWBR ze55ytwcd*E&aj%!0p)vctPMwFiS<5n+Wy5`tnV&-vgbjaCo#h+bw1TM1BIN$g-Y{9 z7JpkO{z9$PsQA_8bl1Q^l^46mb(2XF!Rh~TXjx;RZ_@vw2zM5$N1g`WL_CWX$WqVBVLK*{Rkcu_CZfCnC2&%AyydSQY1>$k z1hW4mM})2sl&_y=;U6=G%}2k9pU&<1s&`uP>XZ8Q)W`n%-;AdEqv!Srs8jXv69gF2 z!&>m~{Xz)h>4j5RRo!)AT>_Co?%pIMRg^IsI)iIQ3pW(j# zCvx2^$cQcwOaL?Y2Qq&o$v_<7|C_Pf&^!YMv>;lGlst5iP?A2%gzY}=8M2oRXMNeo zpQySh1X>kG-gB7C$IUl!`Y)pSkzxbDd z&keIHh6NLVf+O)h?9^)bLSFAoU#xdF7fRSZ!A@ldqq#+X0w%y*tStPCjTCk1y`ZHB zb)nxA9%=o^#o2gq5Hf`=d2v|0wyq0R4Y0pAVo}>owMvfbR|LQpdFr2!%00=jl$*il zK1opPA2>rahfGglml(21)&sep1XzOEsbf*)3`yx&Kj>SE?HuXkj~UJAAeEiB#2Sua zry{P3z>;xnt*UUm@b%$g58)drcYoRQk3U~O|J`@VpZ)8-E9c+))#07>lb`?XL(i&z zehuFH`Fmf1-|pZ4-Upu^IPm@6-}Zj$<~F|AAK+ZlbDRJ=hUq7&#tn^i!Cyd_JPMcJ zDzbMZCQdJ2p0>m0i`%trl2|!bU|;knKVr6S-7g|zFrbiVMuvLsG9cP2yX_B8BE?u4 zg%d+%7up|}mNMt}fS2x;pelLud%{V_N+T+HuV{yS50++Sn#$Vm;gVMh7H1-}3(xdL zq208;e8?{BLfN}@0j{IrU%94`KBLUc+($bsLJE}|ZdgI@0a1^Hz4ZYik1byMOvxJ7 zdcEYm&o&EfGGqH0p5-Ivyi7#Xd@Wc?ju*KsoVvu;%1#Q{-To}H)N9*61%z0f*|IG* z{)?CoLFN*BB-_~$K3>Bpv}*lzAV+7WVI*5A*n6Y2xJP+L)hF+#-ZJ~Ve+LRDbvQ<@ zmBGR%#Im`Vr`?LR*O`&_P3qU@Cv;WuTJlvza2M_Q`qZG5=nV0xUt&Q0D4U#}`U&U)NXH7A zD_ECAv>X_^7To3Si5%-Vmnb)6cxAr0^JDKnBhMITeR?F#JddppY}6QRDvO*|399?0 zkikH_MuZo^5ejVr`B00Mh`>l?f!Cd?e= z)#GCTjLQFB5^YcIT{v2>bQ?V0w?E2py92L=+(8$hChamppMJ-ctqMO(05+F+XZmr#Zrg~0q%WV zSLUSv$ro-ekiNH>7#k#+QtcRNJ_in8jVhQHC6O?6tjkE!{7BAYl4=2{1n*+iCeG!V^u(=Ty1p?aotCwvaa78)BY!7#na`f>a{MU;h@X9b+cG|Z zSsm?hFg40gQyA>sS1WMyBT7)85`-+?I;O<#99osRK8GdQ`UWWGI}V;Wg|D%$6qeNC zdB;{g@PwOkTl7D~KlIV<^40BBS%P>BUVv9fpYWivCT1_ftec`~t~K~sw?+Og1QAH6 zM4vM~nWzItWa>w%ltjf^MApqhKFqJ0=o#*Ouyh5*;kxfD4{V&(!L)y>jxc;Z!+C_E zirWJ_DQejVf_h!r)PtiaR>x6~$V_un25UYuV_ra}DfkQ!j3Agd?4&UY;|)Eg5!_kq z59I2v#4gb$qP!F{fpT|b5EwmgQFHdi#q zN;fthC6PLSE7&lGAOpdqE8qIp@VHp_eaOBDR=2-`5ddZ!+x1uxw0KMfHF6jA0*q1OX)6)g`~!CbV-0?Xv2@x17KoB znXurrAzz!=0LgeA4`lhBRiAx0y|g}y=n*(~)dW+B{A=ppr7kL03E9a**rRJ;-Yz`> zC~SK1rp)$sn?aY1?@F2!12?^4XD;R5!8^`)I3wdV;zaNj!g;q2(hZE!Wlc+IoS%i-f;65meaOLoBrclO?+0K!B>!ICqZY z@a|jNSNuqZUenY|FI!eDm!xjz{*z?Y*@T=^h#m)XZQf$NUDmdZ6f9GSS?M>eN6G3| zqRb05ZA)*>jm7s(gHOvzVOXJ|s97Iul^mC9VWEEw#{%;fFsldDY74cY&S3_1o*1C} ze5&D|+KXK-4~J+v27HZ05bH1P_Ll^l?3cpVDIA*^f6Q7!z^?AVtt-m9->9ozQf&0f zds^(iz+q)5xTs7O;_O3dHxtZ%L|ZqtE7Tk_wDAM6Xa9cWZke!#P%-no>~`Sm0%&C4 zW#6EVB>qW)V=IJ+$+7MXq>)nN+)UiDeHotQt{%qd0q4@wP92=nV|TNEt0^7+I;m;&nDYSX~1u5yyN$R|8J?ey8(|8L(LI;!%xzz~Z1`|?J6_huZLG$g4$=L0UG#eb_6%KdC9t~Gh zY%eaPM2Kw6?CzWpx;DP=RJ%);>{7P!p>>At$%<>M*R-*B%aA3u)e+R(CFE@C9Jp`K zvmEZ^+LJ^exr)e&MmGvmiz#yrdHVOJ8<94$ zTQTsw4yO(g8K!Ph#2^P2YvHo_AV+raFx)t#WX;+TV6$ljZ{Uki?;wNm`u*Ts0~Wtt zOc1@5oqKwK^i7>y+DLYpu;*LPJ~m!{~TikY% zTOvm;ZNgPRzObLdre|qurjfh|2{I?GMqa%y0|6` z{vMY^M5N65WAbl_SN#iw+E%~C&wV%_uLfGxaMPbN_9?ife}G^c%phEWp6DK3+CJQ1 z?S(kx6SsSsz*5%bYhr=0TNYJHr`h>jR5jmlmMpQvykfQWU7~NLwohGX* zIf~Te7R1J^^&c4sK!%2?lNat~Ss#Zj zwWOwCF#d?XA>ngMiy$z-pEu2@gd&mY!`$9;TSJtl|GZyz`j780l6UXN=E7p+^YGlO zg^Q4$<7lO%LJC^(;b=uR%lbAw05DxOMj+`5kJ7dO8u5ajcd5lx#vp z@-~e=m$E{Pv+cKqMaLQ%;|fRphY_mlL+u9x56(0i(pUC1EL<`7F71u>OT5~8dS!z4 z{N%;H)s8c$?<*5?VaIGhS?HS$y_EyX(D@$bs=WoTJ74N+u`uA7dN15AZGdFZdG`HC zdX#r>i6Ekna84HDwl6_kc`aGonFKUlE<+^AuQ&BzMaj!%k3dOeHGvZ?BN6F@g=i z_F6{E5uOwzVCT54{OD815(SsCZx38=5FCU1Izd>Cd6)S~Q&(XN9dp>|AeO1k#BUJ< zG;Z#`_*#9ePgT&;5od_vw1oThB%X(w*5kZ9`>gHtl1<;%yjc5~X6}4-h~lDmwkt>e z!XJVg3F?ZCvcHWr;4Jq)&Xp`55&m~I(|H-ns-Jw>b*?7XIv@|Z32VQo@5>^!>R(Bu zMFC5eMb7-*an(m^!ktQ1oA(mtPWpt+kcdjJidV%Aj5Pc;yaofD+Of~)X2QxK`g<-F zk00Y#H8c1dD>u7>+8g?gGjMuR=4+|xw#Tm(Klv$;B4aILwDQa6T7`WhQC^lbC1ztM z0&X87{Kxhu!!|I`N-DCxvz4|Nrm%_`Cke`7i#jaKF?u_9`r*F|&n1$zyM&J@PVMP` zl-kg1{mgLX0rvA>h0mq+4^f@lqJ>lVR-V&R{`1j{Ru1ds&562!Iwyhxqj&H)ycEoe zZoJ0^jN2LG3CY?=5!(yaQek-e%zpKofx%(AsifT5sD-7mYix9U- z2hJueif|3yz9W&9z44%RR59y-#&TI!$Kbpepl@LX6fwiUT=;`MTx1w3MNK)}GP3cS zs#1u45n{PSFHBR8aM}_u?W5QiV+(Vc36)Jfl`6^iX)wcJ#}RUNwMlm*W3(&i=EUtu zu3G~9th;UNK5A<`zpb)YRt6lG0`*U9-CeEoO-MlUb|X*Jq;vx{fkBRL{;3^nu@_ls z%##skXvxLW#aYetTTAG;Xu{4df8bloh_BW@6XFC9kdd8BP{}G%5ka6U_+5{uTYLH) zCD(kt-6I4mz>>I1x%*M(iJGj#__+N~itpt z@JlBLG`V-&^u$OuTvO{WokV44PG{WyoN?KaOI%&LX(tY}VWYZ=f=EGHEwUA2&y)dG(@RAFnx6@Ly92^&y^wH3vKw=ZjeCs`<)GgN6fUtk4jqD?3=y;^Z)>&iXm zp4&}!jAo~j!7)~SDzeR7v{$Wd?6)uN03uprz9U3CUuFF;SxiEH>Z`EQM~XRecZwTW z-y`s}91u4MxuBg(v2%mf=GPp(98yXiyV@UB*Do@=G|Gh4cF;;b+q&eJ-I;TQawd2_ z*4O12D<*56-W^m1n{B}h2;y%RKrlcDNcW-#OQ)^9se(5yE)=9sN4ocoNRT-eqZM9+B9T7xl{Ngj~zkyBRq9h%OZcu}F? z0NEUG4#y>g`|AQ13#~Po;2OFmnjAtYR zDJx7Y=C!;FWz?|p7az|8vbLpKLL!TT({ z3Y>i8y2dY0@#3uQC|}4};C*{jOvZe*nrh8V4nsfQ@<@p z&Z~-VYP!&|b_x_$FXkOX>Pn%uyQ=Is5|}lfL2M3YOp`=!C0!%=vNT1ddbYfs@Wsca zc{8+PjyY>2AkVh?zIto1q>Q3F7Ma9LZr3$)7B1^aSe}(UJZQp3n|miu4b(~u3EST_>q9iNv&C!>JQ}nsmDKo~a$*N1qY23xhXnRNg zv@OrUZ<__&QavG%M9CH2i$@F)*~@bYu`#kb`Rtaus+?5wK{UkBcH31LXLz%U$(z|q zmRMZY5KiaB?}3{g1b+RTa8r@32c=5vBw=@8z7*=x?u!NzDF0(p`$o?QfN^e5fnS_4kKO|(i9|ePLgmg6zN4rf- zX)O={~wV9b?|j+-*G?As=inC+tBm(t(qat95XhdM7C- z%+zta{5(H;JH#~AV7emFIPku#@Ch)Lb3S(YPyb2xqYg{Io_K3!VNfvH+AeNu7H#<^ zNgwuPj1@gW`dw)nx_g8HDKanzS=w{xc?C#tW*oQYX^z&5-7@nfcv^HNxHLZXR7SuIve7CajKO&~YxR z#A#+;@P0gT=(zG0kh+dB?J(>s1c)KiSVTM>rB{A$3>xbzJ?S% z(ec;texF!;_)#@j_k;IgMh&J@*TAPuUu{6u;cg7I#*GFaEcX-w$k6$b7ZJcCG+%JY zvKIKmfso+O|Lh-#9}0Y|j5A3;+y-&240aJ}2z5ac7mMg;$q@xa^3_H6yh{$VEu^~D zKv-pDrmg+J>w>5S|EhzB*HG%m5@Fd;a9 z7C?haL{7d1tB&%%dClk|W8-e>l0-SD=}Eh#f|=^%=+xlgMZ7q>1YG>*{Jec&Yq1co z=%-X0Kz4;_VIfm&r`XCpgDtxh^UHmbX#p5zAmHq%q(=LIXW_^S!#YoJQ`e1J#AnOk zK!-R4vy64H|AYv#tL;{+1N*qe(1n7m1@rM60^Hn6jolBavpwF=vadmQ5}i?}EdYnb z%KeoYF~&v{6mUA6njUc`pPXM1Qoy|%X+Pe|ck-fJJ1R&RCt;(MKREAj7o4llgeZfNXw{%}Fs`$(tOcQ|w=s*TgA+)W$36%frvF8oCS@U%3K#)uzGpm7fr- zoKpb$Sq$lxE%(P7p6<3`R&|aj(fXCHWO~oVWY*|D8P<#ap;hJj>Co4Orz^7V9D;7Q zn63k5WgYI3PTYabiEgc*7rS-FEm?>X2P=<@rt=`}*anByLhetQirVFPuyL z`tKRL=W4qn&Ml!soS=QprGbQi;KG!1sEH2l%VUsgl3%tFrLY9DM8t3b`^}{V!*&CD zRXmy%yKud@pV8T>gDD%qi+LM77jG_gI8u=Ym>Bn$SIx?&jz9m3oROK9JM}Kr5gL{k zl*L;)XHPTh1_~gxJs<2J2;bV50^qU@dCpp_{YG`sX$do{V4J$8^VL~5YkJP(@wLbA zYHn}+rk27Ws9z$Xl!HI>CzhUV<#I{ubYYLZb-M-}LK-V;Prp+Fbqycucv=yWv|5&* zIG>Z<%Rw(fYWI!EvHr;2p{~O8uAnm3m2<0fZ>%H@5fS1Fn>PMMqTf-9&!G-pV^be7Jvh^WD`0Adh;$P)fwW160u1`^8og;N+h_M+HW{e50 zPFis5xuOUJFu^$N;o>_Vh!H#$>=+j-K)l|n-p|Pzqjvi8t{)wvi5*F8aD)C|nldQ6 z;I~x^faaOHLOXQT)i5EU3NpX`fA~guA=;i*{L6eEqmlKiL{Nu zb6vXW7_}>bQjlpbe41RKO9LIgbjamw($?VhjR#Gp!65qbz#rmomk9s$6Odi59vFLtNe@B24=y~oAI{F>BRdwbogi<-4`ogK zaeyDOKZsZVL=*djmJYn)@0E-;E4dCfjo3JMsmIp{Eh<6ZN1Kq!9& z7t^B6HOz_tv({n??tdaNtj_+$qoEBD+w&0*i|`q*c<11XoijjA!deXrRbwVsynV#M z4s<0-e79f2=sxzQ5mp12){oF_1Y4aFVo~C4`wt_rW8ou9B+KJK`?p;{dVOFCxaN4B zXCyD!GAvD7pH41eKm&o;MKIOY7N|ydRYA-@!K|Uq9Q_B*LY4~>jx}Fy)!v8_sD65Q zr*R%V4_`}+Vs}Y_Wp=ZI;uNYb%*yp`bw6~tBBX31nd%b0P$(BV@ZzKhLXIzg?Xytr zYR)`#VJs;pnL5ZP70)At&*D_ya>nR3sMi9DutlTD-StOJPcZjh`?|B2Ek z%WSEDWZ^Toiwyk?E@)C73@Q8nvj7H?)n8Y6nxiNzoWbA)DYm3`W~>1P)_uW z$R@)Vnh`+2_FBLg(iKm8kQ-!L>RkBJbt}Od-82kDy|gM52b(B*kGDMJubp#Z*A@)# zm^01eDnK(?P#gU8^%=SvqesRWHyIYhoXGaX85?VEn3-EyWu`N@UC$Y3f-*X?{5*@; zm>issC!q=8kt!|e#nfV9^T zc*K`r@1lbzt4kOgrLJ(#Aa9EJMPvuNOGaO8nah9v)&8Ywk@x>Op#od$?C87UGgcWout|Ikr@rfLX~}yN?jC^EREi3dGj5B% zv1>X@xA|HxVhoWcI6k24O>D|Y&Wpr~b2eg)>mi<)nc<2i^+;2Gnv0CBeG>_-rmKy816Xl!V5f+z&RoUv%`yYJ%tcduP0w!$&{+5f}2Th+7w1Lnj92A&-|g` zHmE@^vsA21vi?2ec0)|`B;8Za)w&9UadPO@QU4mx2Ab?|DTKkH_+8f2;hCOcV`jHX z{o+AYsb`gbYa-Sh<2~+^nmt_jSkN=P;gZ40Upa~Rpmc0?d2(!Epuse}ifC%Z|B0hM zim8aQ=JLmgSK5)88zO(}WnPFexxl}5{Ym5mz8MAWc!1pQl9mM42F)a0F|ECzt^m+X zSl6`MESAo7ZK(T}<_kW#RG5+Ucj~u{GprC#d`G)YCiisD7A{Xr*C;TSo~c{>{E78w z!(cr*DV`N$(cFmik4N}cOh&#H`EdJ9L2J($-8a^b$Gk7ewl>;o!NfWukv4l7nC2H3 z0)lC?S60TSd&R?y&DrINp_J)w9_9z}KBWjQn?3O_{+TO$x4yJWc`|-KT$(#wb~}G! zSt1+2PDb-ySj2DXj1y&HXhC#dMyCH7mnZYK4L;y`7Yfqhi;oYnS63KAa+h|JHBEY? zv}8X*1^-5vmpHL^rf<9@7tE}0Hu6`wy-#<`2JV+qqa0wR;DF#FC+PUp=;3Gv}E74$APC5)wqKs)_{E8B5Z@$T%Tt? z4V>G5wvn!0KKv%$#WdAeJcXPWPb^@|Cwh5rl@XPq0uxm?-s-rJ-llEEo1CFH*fgf-2%N<+mosS^gBPg|2!CkBtKg#KOV!;MLf?-L&45 zz}`~)L#f0+FOh(|Mox0Cex%>q;6%jtx>E0f}DzENHT&Xd4qsKQHuSHUhI-f76d z1blJYd!dcXr~2XF?NeP4xrNY;0OPB?y1Si`iNhB7UCq;R^*;4{16G}9YxMU$SUrom z;*P?ZfR~+&_B?XB(fkHOz~92R6ezFi1&%Qw`S61y#oXi`HlZmzsnWCID6z43=fp|{ z<0$!T{-?^2^kuH)OU7UGyQmgS#jSP2CMn(CZRVS7m6sGsst;_2Pk$4iJ-;mq4v9XU z>ub6K@(eT4Z^&*gXn$3@*|J5A-xX=MT;)9j#g96_`R1V-S%97zIMg!oX4OL?%~uXF z%G%KFovj+E0>zRime#;=u?><`30ra@1bKn$OROg!)hB6Uu8#JTv>u9b8eyr*?UH4V zhtutpK{1~eK25C<=3*o%0~wZ>^@_maul69v=mEB=z>@+UARajMk54~q-KRW6T+OdM zc??pJA^iYaRqHAApC_U7llC%0m~~kbzV$>AmKenwNoa)7t;7TF6XW>{>VeY7eBOg% zy2xKTRep~=x%S&-gpMo?yTqH>$t@^e+KXm`U^4E0IifKJT?@tfJ>9b1!ZF;TmF?69-o1-q97)yuL zf}X|pR5H?^q0EN8A9MOl$7!CQkARScDGJDv;vWx4nExjnx%ExO9K;_GZ!mBY!pNck zRR2tty0rznx48q-W(OMEmE{Htf5JCIuc z&ZqUl?^bUNZUvh|$}pOtha`mvjdwYRDL+NqS`l|P3>f-2~<%&4mwk0$E+ z);D9A?*K?9^%etsj5`>LdI3ExPhhdazF`^J%_E&W=g&z+nj5w&-uMih?BykoK6zwB zP;7s^XdbvP15LvQ@{J%S2=q7J2_N3?r1IlqT`Oa>zwodA=^qnMSuSJi*XzmRHbGc$ z0&O`{a62MGkf?fShO-q9*HQB!aL)%_(o#fHd(l@`xP6Rm_~jvTG1SkGH`{kQp1Kqv z)6xT-z*%TdyyAxnVPnMSzrS&~!HooJc7S*bqP5V_ICwqE_;F?u!i#N>-kp*jPxo4zw!q~9i@ zP(pQtO9$#`nCg>We9HDaA4*_N{i@^j*5uZ*_NEnJygA0j36a``vg4NxjxfdAE| zL&Mr7SM1jDd8mhTBvlyb_4C}fL-meZE$W9U(kPB~u=Vp1`Xg*n^r^G169As@#lPLY zej_vR8PX^0HlS;YdwM1}qhz8`=E$?9D|G4V25J+PLr`xq*D%;^1E@wf0Bsu{p9qmL znzQbn)}`r{Y>d@W?khkv1~)E(SqH|=9|Jv!JPL|$!QmWXamV{q zNx{pjC&k{hwWy=K{Q<6j)SrNlvTBnhNk{a(ZTRlQRvOcO^W+%`Xl+|&+_$#ID_o5# zp|EQ!vl82y7I6NPO(BVwF??~wrW^NK4sIjP zT_%dAP>HzA!mgylZV88+AdQCDrqI{Q89DVlnD0z^mKO2#^-9n-U!Ofj9 zzKAU~!hL==BLKsCh#;~=p=mjh(t*(j2lT&qexyEQHT2tGdYaCU ze6tr2;h0vMYm(4g&-2#|X;0#A#9N|@dZspn6KZJ+q@bb??m7dret@!{WzN>4P zUlbwUHz93eB)eO}BCNORuCB0O9eO`Hpf5$W-=APxSwYc`zm%{vn}Oe5Tx$7q&!x&k z?bZ*+h9zS2KmNe`(q`AAZEwm$Fku0H6-YXtoT9M)LpibkJeUR0UKKmV|{qw~@7haIP9bsG;@vt-1hrB&cff^QGz^}@-baN4Z=k?=- zo!*yDhn6di5zP7E$Qu}X*F7gO+i0>cKXT_NRU*7(X0iqZLwJhc#$rhJ!6eDl9|VQ= zr`Hb+EAQjS7?`oMi?dT{XXHR9Mtd5^UqO0^7nzq(20xKiHBh{y788C_xcENd)WgMp zLkja`2tF<^yVXu-uoOEqxS3Y!YkuMznym^k2a?{6Gj`4<0m#0%ajn&J`$cKKT{A#n zMcPyD2QKXzO_O&0h>jQQut79$3uLv%M(Zv34j>1zZNPDtDBTq_N>Yk~^QRHTF)x;S z7Omyc>&xc0bVK#u*%QrwUIgE0Ewv(dm$^-V=!krmC6>FT0!fI+QgE!C} zvcMTz8+qnUp1s35TLKTwCE3hf2wXZ2L|DWJea~QP+e<0NdP*?HFyIM(jVwlSn?kid zaU$DPH^GsK&@9W8`NB-TcJ+JQp^kvjg+Uue94q- z&+NT{e{!1X+JwY6EBn&U&DhF2;1m1lLhNgjOTR;)D_(boxV&1-PT%0|H(_Az`}X67P5Uw{}Ky$w>+=i@N?kw?J81& z!rK6R1q|VSm@ttuPtLmJTm4AE-zJ$_ZMsnP&LVr(akjTc61mZ0Vn392HIu^3b%v~I zp)y;4U}11CeY+^#e5tcS%6hebto*bS(j;qqB5UNst&(Z`RB(0__mZTs<71BSCQ;b! zO#PNR0;u@>vfK8BFLYz#iwe?#15j?=Nxh`Gs4VqwxrKTA;-$HBGumMQV%nUYVL(0G zv=ehy#Q_b*SOmuSRorf#ujVXDjR-MuabWmrfiO5m$W>4Lzp$6ZZO531D{^AyN_s*y z=PnAS2_AXOBEG2W&xUUu(6|R{wag-wM1Vh*aEh)yxfEmegXFo70MhQU=A?{N>)39T zcjZKDaSOJg-O9`3AvQ9rB$vI(tv_iv`F&V?M4Gt$rRWWjxJs0YtCmp$Y)sP(7B{-iheYRxq~d=2om8Xw-J( zUs}q7$g}3);u;u_cZs3?CRH z!n6u$rOF;qgs=yQ5JE^&rOHqQYAHJ;t%xZGh#2-I5fBi8L<|rhBq1ybBqRZ{l8y7) z`TfpvUFV!X3CWe^{k+d|Klgn-)&Q`(no8Yz-fKAl+zW9oSzlYy)lxlH)7XT?id# z26XNCW)W4XE0|vrq&5rhlzwv9=0tzj2}l^`vXe)l>6&sKqwN1^X!>gKVn=)Du-vF2 zjZXk? zKM(Jgh*h)omLD`pRt9sR8NK~L*YT)IQQKY_(5a@djd3&c75&}8)V$m+v^pA)lh0SX zZweALolF_A--97{JM&)_)usu2Yi7Sr*6n%RbT4lR_F2DM&BbIQeVfa7I_dNz6R(q? zyt21iSekB*Rk+6B0reMw8ns!r>px!WmE)h`LX>=V4hxEe+-NBvr} zUb}mzv;yAIP=SKA+TTopM=s2rFir?sb&&>}!M{;IyzE&EK8W2Z0w$or5ucA{JH4WupX5c?FYpaqQ2gt2f)Ko$5}b3zQ=)fGOW1ATER={vdQe-WF) zR8V_xQsJ8P?BsLfZFv^)S?!my%jLd@=<+N2x*AhCxUVUc)T%`V$QA9?Q4A^tyN`T8 zDf*O#k=vhNNp1DYn7lI#h+{nb_oAu!JTE0+^BPz;*Ij*#bafdRGp%@p!HY6S%Gyze z=Zg8|O?9HxNqx}c-AmOR9nR6%v_OApl!6UTGY)vmKZ+)bvYMvaxLv!A^S}qJ*_=G`-(H;21N7oO0D*I;6JVu_ACHOK z{~K=QlLp&%n%oDr$F#9`K^;{qgi_+#7@3G%cVmzt1sD;q53kiHNH{cK6Mq_5~8-E*oj^l#tna| zPB469`4ESv+Yu1KukgBdW~3wfGkm1+*l=p-E2^v+eU)IzD?dnQPdk~#Y+H$Dk}`hH zYtyA{qH8sQUw>T5kaaoye zS2pPy+X)j#Ze$52BS!m!fW3#FQ&CXN?8#|)RVC_mzgX{Poc=v# zrcM{HNDR=U&O?}GZk2@!pojC!=kejBr=sYq&r(zT~Rwj>^`;={j@EC{+UypDp4gath&B zoq+T;AytjkFw{5n>fyvaGEz1NzD4-4cN*ZBy4FV5CH3uQkBQ3eID>DiW{m?uR)LDu z?Rnuq8u2_HL@b*`Q)`=7Hk?d@Ogu-x*9$3N!#$#jv358Lz1t8YtHG=ME$GV<@J%gr zZwX}welzhKG(Mv2Z3#S0JH*WFjRqB)1-L{v=SOW(`Fl$>!>(QiOT5^@*0dUBm@5)H ze351L7W3t-B4Y9T%E~)XUt+7DosF$Esa5#4_2_cSMhWBx$FaV5KmMkva^Gg_jt$~T zW3Ut2R{a~;wp}?YUwnL+mx{pctJ2isAr8z-qUTn<0n76@?7`q=iapI-0RO zPfuzFP^Q^G>31^0H0;BcN&qRg@4LhC)&jMHa{uD}5REfh0}u{Y;}`H#s;Xg{`ap8P zGtm(Ii#~O@b#8mdRvOkZ9S~*EyQQ3{lhxYL0*-y&_9I9aAYINya^zsc)^73>QTJ03 zud_>I?I4l>qc{)xky?@Vfd*i0ap)V)_O}$EC4|@ZWOS*6!RPi6-9V;oZZ$aMu;0#& zG@k#%SDfwAB>Huw&6VlXQmN`=&X9*%lmpWxYe4;^xlcU(^WvbEd?E5b5S0h=3Rb*9 zj!T@F`GmK+xjlI)n$fdz^MyfQg|=^sykutx<;;L{DA@AN69$IU)fizl8%Mm~acXg{ zuP0TnuD=^0nYmK{ofmdc9PWXxBr*HDtX>#jjQ2-y9Z>Aw;y+S!D#cSBkBs`?X4R55P4X=2>=7?Vt$3E>Ba}7lrH*?weg<$dXKK~Yt(c)$*%?n zCfu(V{2X%)`dA*8V^&CkM7UNTSplhoFC2R^puYBA!k=G-N7N<^-DxkTzwUGlGiTG5 zdi&=OC?|qKC#vz+nVcm#TXZ&_x zC;_l&Ik#}R=(nRd4B`@ zWhX@64oTmkfVBgslzbHmx4C6)(m}ip>m~FoZPgoAji>Qti7o!w#QpCOK(Ohxfb6VL z?C&#k)v7`s#8eP$xu-!HUI_rD$4WliVcK-XlD4gf)5PW%cV8KoU2_!BcPV6illFv} z5cx6-WXUvh%F->byC{Nn>rG_w#-?WuIVm#t?0>#|cHucNPfSYqfMdF%OysbeO8XWY z`~ReJNN#^;-UORx_vC<|gv_z#XX>x0t~*SE?NyOU5FOYl>g~nnT>!JIy6lS6)sm4O zoFv_cNC3t-&%&5&w^R7AMIZ>R12yb;U6tm-J%8VHboOze6R=tVh&L%SOzh9|wJA~h z{T+@=gf5XFWjFGePodoHqlic_r}hfK=<{wowGvG}PmIV_C#WGP#ONfj#Ivf_xr6D! zL?Dv2c&XgP8nW&arC8GL>;3cTd#%LxZ${wd1D3bOJPYY7o+jH@cd&d6FGnDPPZ-AN zTX~kINCDgeFLuRlZdEa9y8(k5+?z@Im|WX4YWh~Jw^veI$ibqP5aws)e2m7hpjP}m z61LkML|3)7l9W4Buc5t<4>5+JN9t_8`~8m83CgM&>TZG6g zH*qn+`qD&TL~c-)`g_gC#Y1;%)|#4tJ*~`8kuq50V^p=eo=T$F0U}KDg_vGC^i!)B zbqO|nBgpZ>y^>>b;g&-Isn@To!RyGoSSipZJOjy@`(YUa!551Ul9FDv>i#@$Mmj{* zhF`VYJ%YmHy0UeP=kV^EYdy2}!I`T$d%;p7!mtz8EGHvA@ZD>KLUd-X8)|FjOGbp8Pe^}z8dq0+nbX4SK_i~+{R6py32)fSJt&F#B&38y-?{6VzAKr#l7d~muDDHdc;7!Tmq7q)m-1gU&6Z#d zf+*|AHAnS;24Z4eBsSn=BJ{A3Z`4<9>v!AuKJBY9iuWwc>BchqSzSSa>e3?aI(DhV z@LkmhO&{!pxxepEfQ}}<%K4(`dV#2 zlSzB7K84&`5B4*Z8Shez4@Q>^z5{gqTN23kwW|i-=dQ+Ay-vB>V)^d<(IpTz=xx_nNgdv>+8){(ODCre^cgH+Cv9T&b-&M37)2z-*QOys| z-0Ltt4?T&Db%-NM4XQkXBcWesH z3e}4<)$01-;1m6UDpFPZbY%xxnopXYUOd-iT~p0s)3>*lfO`z0zsRE+Zk^7hWuJtk^6+;2!FGWTC)rd$W`_lmk4 zTo=pdU_@@!LBMPdPMQ9(k$v<{_g|Ov7xRKNgP&pj-?$h5SN~5w>bwcwfYz=3km_Dx zhuH?2%++bOTsSPJ>{T6opLZ1(*qOwLNOGjaVCQA#k}xiOb|WIG+A|$Ar=-gO3xX)T z=qKuy6L-{?Z`u(=?PW&o&V7i}0xrW_qkEf{es?K9Ms1rzvbEh&YTD>!ymrr^&xabP zMfO8Zz@=}}^sV^WFr6?0YLN=I7PH$$aH}no`>-rg7cGg^#j2lEAhm^%fBY7IE!Vm< z#r}BTh!yh=$1kMIxlbV$eBSwTMXJua^vvx#h`woY_zfm7zx6cE@BzqZ9{}T$4gur} zY!8mj>Q!)kaf-Fn$9VDlSepjbw13^9HDDZ;bEHS*?zkDdIot|K0!SX;67GKU8ZUas2>f5WVT%I4b&`C z$@V9+$dtZ*)a2^Ud$V4|EA^OXbBuOCiF19ITgdcqY7e)D^Z}87uKGv)F^JsK?{G!R z=4lub5DI~`kxAFxoZ>Lhwjy_gIe+6wH zEQ9NbYs)F%?9>kjIeADNb);fg%1Tsb`&~pyf&S29cUsIfswd-l@HSm7p_v_}> zF8a{BD}-nBv$YbylTJ4M(o7B-oNwg(3_qwNaifUcuG((n_WE2X3dju;2fFm#ZnA@g z&T)cP<@VZqbm(>UKXhA0TdabFFNQ^RBrX1iyV9%QG!^>(9hE2jX4SM-wwOBr$R>ht zeCY}MVxC}L^my-a@lm(VJD!$sG9F2h_y)7T+3Qonhi;9M+WFDYr?j;w?b9K)EAE$x zJ+%nno|4FD}m7LF4@J*_rQONE(gSHc`t8OyT)(rB82wBT=+s5m;w#Q3AZg*} ztAU{&^YK4M8T~1B_f4nu68yZi15V{?sw$bHNhzjR0?WM(y!I3DEyGhC-$*g^0l2+N z=-O;4Dut-#hwvu8Q8iRz&~8LsNslxxGE?q>db>N9uId#>SfdPEEN9HSf!_mBv$AIB zDoXrfw8w?6g@^BqMV{xkYn6$uWYZbe0yJ?Fc}Zpu**lO8%laP~T(nCSWDz_%yo-Qh zCr$A*x?mB_LeP;MMIW`QYhp$bE!ucD)$(X{Uq|%tnaRT zZW)vCktlOMk=w*s7*~JnV*J^+b%prBzLYjk*5q36fz&3yruJOhnvb2BfGtE_P|_QI zjXmFVAR9->%~)@+707B^dG@XL{BTQJQ#;l^NHH{}S~p-+`P zh8Y;lYi}6k0Ow<|q$xyGFE6R>)3+_Z>U?CJZ7V@WDY3aWrbSM*i+04K=YsIy z{@}Lb*k!fq*6`gGcZGPsw}ai`MhtQ79s#00n}O?rYyNFv4V@T_p-^dRX8<{ArVF>D zEVqOA)Frki31p|!VRPlC%B)1VB{!85G1^zwV4eATlyO32LDvj;=2aLOgAy@RE>qtC zd1lEbB7e*`lk`sIpsN#n9qNL!Bk4(5MP)D(APIDRUo&!ub*U-3>A_?HWIHXK30Uo4 zQBH+6&Z~fS(Z;Hh3Eiyv8F>`986lu-ja|Iwi@D^t*n%!IC6X>2PBF~;r!EKOTRWp} z+V@TU925MBEp+mTf6eC1N0?@Mh8PkTl(sDto zG3m=rc&-Y#xhiav7(P*|rQiz&9$&=_(0)SKiQ$%e0{I?!G|FMyJ<3EI3eMGnO163G z@(Rm62Ex=`BKQ%qYmHmdIv)p`8aXY5*+xV%9E&HzxCgV3;|#~Qr#)Lx$%-&O7{*yG z;eYV2M_+vu`X1z-J)RU3j<4z1xVt+3}v7=yqrg?nWlI zUm;_j4X#kF%yEe-??Ef7I8{X&xHwTVnbdN~!<(ebcV>#cC7auYpj)&g*}F-nv7H=C zN_TEngQcUxII#<3(}xMrwd zibfKN#ls&`2f|0?xrU|IG!NYhrS3napSPaJy~xqFgvJC!xq&gC-$+UA5ku(+-!b7T&POJ4AO*x-ed4mysK=#F25VwXoA{IP3tRk7{mj_kQ=}_}tL?KT3)NWD)&7 zXIed4tevfUDSFSpYep4vs~#v|Xf(Mp-rmuwuCdw!t2`;SWac6+qrVpNi35J5nPbH6 ztNN1vA#LnGTqln%+Zx-w^RFljFJ=i90Jy8Z#N#gA$b@gD`4EWI^)=3Dq3W`$A2u|% zc8=lB131`m?GysfD?5>@9b3tA>3ZARlSqLbf1j>$2H@3}m^~o?xH^wV={F_$z~b|v zsDEr*g4Lz@P`a+$nXM%`;I%>i6f!+yMfA@~W*-r5@Kf|@=f%p-4hWj8KkIBAKpBx9 zLwmJk1Ea8@3m?9F_53xj>gOF`aB7D3Nl3^JvYlo`s;E4BK7ce|oOj2Eq5gmhTlR;q zLAl*m>ZXH`3tM@r!2^%*fDkE@75rcPBPl%&#^+fzsd7P9o%Ej*vU;J<_Ad^FXy9QH zsLQa4K~fofZTNU@82ak};}0;hfIc{x{3en_XF_!@f&iPkVU+wfnFDUxO83h;Aercb&={TFCh2 z5#~4RfzNyL`VXP%Q}~4d#&5n{JwT`~<+Wbi&5DGf z(Q7m7U4P;Cz=;*{?E287f{o8f2tLNo_7sM#WX$RF-(Y67KVp_mC>XGG(bi^Blz2U; z^ppIVsEOC9^J6vJP2|9AwN3I)oLx^s4e0{%Xp##t1tvl5;R2o^)r+B|kEvTHZ0u7L z3$IOWbU!|Yb~b)%R->!%nJQY*ytCHxWg7{=B~(__w2p1%;?DwP6hKKZUHYBq4j~ot zQRj+>3+glvy~ikr54OPmPmxS8_S%_9SKP|>8s{B(L{iV*b6>av05WW~IWCzR@vxQFPP|3V zH3qva^y%=BX><6R=Oe}!g$}-um4PL7iEE%#y_VNW%x+J+t{OFehy50$R-KTA!8@HK zqDG}P&)zF746x5HtH@*a&il1H`WG!_i0fWMb`JjI!M^H-?@oGTdp?L^PLZdwQoXvP zsje{1KoOT+c-EIMMEakw?U~I51x}rHqht#h$04f?) zpvh4uVYNs1_7knPn&xXWbfU%c)giR7@EmPzvIKCJxZRuv>W#~`-n*OTcqXQIy_|AE z6dbZc?m1cAL5=Gg=$V~{2CzBCUdSyREmw0p^V{9$+uX8|Yt9FoQj&IcfzA%b^1U`4 z1rWrjAGjvrSw6lIeL!R*ALw#A9ylr;r-pZra7Zzo8R1@by~9a;Sf9Tn0bo2JRY&zg zqcic*DZ5o629wUR5THjs4cq%5G$y0DYM~h8y3vT>w6s6Qhtl-!p4v@{>585ueRGKA zlS;0oR}HI^UVS$=Suc2O)7u{ZYYD$vO+2^vLjI4oNFcFfKk z0$)Cp%-S0qN+^m0`|9w(0&=olV zCEI-6%Z*=4^PRE~A+>~e?*Vw?j+lHTFa!N|sdZ-&#QI(xdi!6Ng=?JP>tJ&U==In} zCvb_7`(*F=ol52rM{1aW#HDKJ7J2^EJ?SFgiYA&gy*YEW2UcMkwme=3{#<^juRFJ+ zeH$A$7fqU7-LMJBHTvFNxm!Ae`Ihmkb!Q4J&3(5*B@YWX)=>4DqC47x9L>Cu`ak@>{W=gaEdBh(Lwym$-)cqk(6_yIWYbBLDzq ztou;}l0SP-{>2NknuY&0#$UIQAKe+KehVIsJVXSy?=~Zj+xmHNFiA$4-0I{lq^v~$ z{Pjpr%-9$;`}$#Alrrv>XaUH;z*mLTqIXMw+A>B-K`r z?*f2!OfZG2KEE{OYu&Bl6xuy;vVh()6 zF!zvRr!?LfBY(jlU&_8MXWnH7;7vaA)b`Y2&|%Q_g_76CyvzXaS^FXLS-?k)Eb%*M zPxJQ-j%j99NO1!`1b2;gxa!%gacuu$9XcwERVwzKStz5)6WL3WKNw9Ql@@5qm$l+2 z15qD77sj^#?JnowwdR9Fg2!RaH>$`&$|K#D41qY#NR4Vb(B(|lSA5gukPWcu1DoXw z|1t~GbZD43X*%Jc>=KYPPC6|SI)|$?@ZkgO{+JC?e~GTyZIUYA26z{dw_<(3kdzgT zxT}5AdyUMs{luBwe>;<|4V_HbtISs$N$i$Is{!kv$?f4?M;FN9Iwj}spUr_ooHc+Oh3kZh=3ja zg3~Ljb-jQvnY-c)37P#D$^yq$jSk5X`u#3dUxJfJ;A8joeoqI&O6L+Sj(6zKNfa~L z+2WUlrPMH%abdKs{4nnn@u29DUee3apSneJ&dnm6>}u}`&S;h44YLIsaF^YtGQtJ$ z!fYr0_+`XcvywV{jGmw7@h+NN@J^1;mn-BP?WDN}Fm$Oy@J@XnmYyuB|D*5o# zdcdcsXLT>ecDImn%gDqDjQh%%w30&4u`@HLNM5@`XfqKZ$t#h^ywknV1u?q)Shv*v2y5tVVOC|lnXLdN3)otQKLdVC>6Nh+G;8;;=uUee4BtO2 zxa)@AYMB8{_-BY0=rv-BELASrzvxe@(U{qD7SXPyDA7W&Ylt%OlHYFkbQ1T9va#Z5 zD4<#KAGAS?M)^)XIGkMYaoV4Nzt&_T7dKIAPNA1l%3nS*H`52B2aUSP!j6 zk%0JVunztRk*eQm&23*8;j;_f{*JmO^<~itmI_EkcZ&hT(D9OTX6g(uCIqd|HA0&p z7TDyNHf#LXUFSdjpXiitb0e|h_4X^ywey~p=ZRjlYtLJ57PVjP=koXmlvJQTc?*mG z)sn6#n5pa*wo^)S>_!0>u@(;4n5kp($fn7uq@C(F-{jIW;~}P=b*fnJaM9A7=;}Y3 zWp9=ht^%21CefSx`8Q$tDL@=&8EEh#MQ7U zfVt2U5AokxmAT!#@h?C)&K3!relD-$1{XD0EYF%Lw6z39koLE{m^(c`$C$;jb>CfPjgXe+FFs^VaN z31IWdTOO0EWzgS=XugByGt`enRv-=Ph;y(L-O@Mi_kYBKal(m@!5ZpMh^-_v!bm4{Tb^IX(H`4=~aD=yHvbR%oZCF+9sQ z-xl0*YkkukJpcInKkxkiyb!R=ROmhNzgI-+XsLI+hXEzw2kBvV{sUaI|Ihcr@7v`y z)A16-2Lcj}*sHz!q~yW7e|!yaDF0tR*?&K3HqB}aR3jJYY|eFe4~;ODgi6p- zK5ZV%`hqTM+qtHw4RiA>S$*#F*?^MJLJ&yae{dFp*QAQr+U##)(FZ+@ROgw zTQ^<%J972Ez!R=ZeGlW_1H7G^A%}Ce9u-%n)H0VNW@Nzn2+xhjRP()11_iSnL(T9% z(fzz)w|Nv~c2T<9{rg21vcmGdyQAi_Spsv)qXNNHzkFm*OxgU6xY#`oW(YhhAR2yV z4u9*ABkEA^3|*p_pXTpSUi&WAtnWPpK~?m?fG~J(6Eice(Lebr+h-q~*2q$ZQj6|cS7oaT$vGlL= z8oDPQ#laG%B*UpQ8-9RL<#xfEAkl+Y*?(r1mMgh7xk8;RC4Vq* zVf^s%k-B5=`rN<#N>FjQwwK7SR&OZx+!m6i>{^23ap0T9WK*HycaOlk&9}GU0cIhP>r81<1+a zIp#3oLfE`?qX!g8F;tEE8aI%SME|w`FGz?VT=?{OrrA$XZ!7jA<1csen-oKJ$Qy%< z;m=9C{SiIc96n)dDrGX9lPQso`Spb=;!elEW(jUAp_hIZH5}+**b-iEchV$fe7{O| zB0a*S{)ttCxF*ur9{~}M1Toz*F<23^Zz2Z_xLZY9)GjpB6uuN{wcH@AhaxPT_}z_6 z?|u?;B>-U&8#jy0Q8Yqb9WMB0#+6oJ4!jhDyyh@zSr0w)K@zlf1MnJ#_$&xJl?J~G zT|JYa=D2HEm%ur0Uh)}0XA5CsWTFb@rz9eNO>-oWTc$V3gRJQhiB(0pX^GoA6L}ez zfz8EvZ22|O)G)uV2RYR4Vk{4oJ!gz3uMzF5$C$KCG0$4|tA2cG9E=7f;dlu%P`R?^ z7!Gm!e|rH?`qVX3fxO&1ekZGu#vrGd9df@H;rAY6*9By}quX3&Ry(^`IITQG<-eZtykG-?zPi|g(_QVaozMoY*i2r#iS5wNK73TlRRGVrNgXvq z_dKGTj@74pH~R0nS|7J+*mc^SHfKocxDAid;>0#p&4={}FZ*r_D>e7xt|#p#EI{Pv zk?*bflgfKv*4jel34vFImO{WURf?h$RK{R;X6@Kk_p|jLVR(8RrfY%UyV7v0i_z|& zPNv8vX5A@wry8=Jx{c;C9Ptc0^ya#uCAf!x;x0@V>m{Olmh>Ko#mg{(_fcOCzxHT{ zOQs@mP9gNEN4u|*mbL{00gc%f&4VPZU8>ndF?BmLFC2%ad5{-D z#ZllBI2nrF$k`e14r=Q}roFnvudHJJGcyi5u|=@CK)x%L@2;|XFEao7PpI0bN_8rH zyA+_3rQiWS{5-I^ezLj~KYU(ZDY0?5XY5DJhU+){=I%%!Exsha6xj9#f|E_&*{*o9|Z(r^)kQxcF`sTs`477jfohpD=6V8hq-e>{~Wr zHjt*jl7(z5rQ!kC+jPILDDm4_Z`TywEoSDnOMat^3_Hf=BnP6GdL@>V#5$)~@ z${~u0iPC0aC}WAek|YeA&62DwrA1SO3{Y;Uq(ruJPQ~tHt z*G+ER5Sh}*$DB>IYSpC^c?2`Q7f4s&S65)3x*cQ{2`6((R%TcaM+d4f;=tVRI_j)8 z0=L6`Xh_YA1F${cpT53rcg~jKY0Lv35%(v`p+Pyrh`bwh?P*=V-v2CTPPJH5#h!pAaAVA+r{$YzbqVhT>wPH_MyvDO(Oe|b zKMsbRHD2wodxCOza$cV^PdIJK4kH}eQ3Oobdb)8iAD`f9-KtTmmW=sC_WzhVC{>X~ zkqTzAUo#-N*m)nxO^WT zItnX%sP&W3bIny_n2>eTNX@tg&32%&-9)u#a5;>w0zRqyflx7fiMHfekmEJ}b zy5u~;+Je8!o91OJ<&NYfSM4ooZ%Y28;W`fFv73IfLy~Ga{=30y`E7;|~N;3Gtn;?9j0uk32{fo*2V(#>sH$ zv-7NZwc_h)LVl^0a{1O79q3*bkjkcfP~p32XL3*5)VquFSPrH|5vlC$*hih7e?Gbh z?X6~IGFBO?PAHacq+|~}oA`aJ-`>k}dl&B#h==?jZuT9cPrF*ZoIi`2>*c_BN=*xT zk5Cr`-D~u9EFJ9+l>Sl5%?ZuGWCe0fCx9_~UI{|3;J*aqmt=x(m?xa;FH&0AZqCE( z`k6$R^~EAlh5M8}z`}A7Ty=LX!F+89Xho&Qb`90>i2T6rd5lc)YM|MdAHV}~=~U1~ zBo)l2mt|Vv;r$?;J}IqKL@%I&A~oy>yS|O0lD&D#Q=>N1fq1b^8hkd?p!>Zk6gVnD zCUx!OV3b7EO7Yfr%KApfYcz?>+U6Y1-7`A$=!_A4yFw;vN6gd=%>F58(8qr5%_Zk~ zgWm#`%>RrCV3PqKJox-_aJL{QzjuXGs;k{p-&89RvCY}uPkV#Sr0&C$}_bu1< zJCQ2>AeA**wph?ZGj7B_@*wKA`U@@ixb}$99L3VrI1y)RA$#oxPxWnyIl~Q!aq+C~ zQ%*hP?RfCf?Fk3OFacS5kMZ%-O|C}y_b5QKwuwU7J#v$uP?AA*&f zW(~#bnhb5y5;ML#J@mW&HH1kzg(m?4$H8S34y;~pX8F0yRSR7k;UkMP{glpJ?3tSb zRo^&F+5o?+nG4p< z%<)ug9Ke+YD`pB@@-00)B}(tUVD1dY;7oWVFUx_BzqKJ<2Ul;&_}yLc)dHg`0bsBzGw)qayEUG${R-R{;flpRY{WPFfflS z2$<{#!BNZn1vjb-*3`T>#<7B7J>?K&a1{NJryQLCA;!uTm`^o;*paTGfX@Q{My`!>Phv;po7Y zXxi`u)D^9W?2HrV%o19{slmY60x|PI5(h3IXQ8-%w2Wo|sN~vZx%g$derlASZuqr`MDqd_$xMJ6$dB{v)5VpcIykl!qw+v$3G);b;*Kn_-?@2}*+ZC@hRy)Rf_P|BpO0j0vpllm z6x3AiRXZsEtX-`=_9QY419ynTXw#ZKYczixw`FBr8HC)*Sis!!+Z?et?9kFH#4i}1^aTH zF*}Jx++VI=l zvf5w=S0p{i%Nh&!BD?MJcV9P7uCI(v`hf84r-R-*r%TyB?V+OOUuQCPvyHK_vc((p z$djRw^>1AF^XM?H5|a_ASKEg0}WE$;?e^2&gQ77Wj6nd9&ig!Z}Qnu}8JEou}RD!qRQ!LFNeFN$!>&2g*6 z#Ld=%ZNasy2r;AJ0>7sl6Bm%8iBx>$=C!LtUSM^R=4-}&->%gH$nJ6!hyo9vObcRR z*-9(YBmEVr~` zHgH)3mA3|-Y~EQvP37CEo*2nJnHf%O%#Cwr9b~r_`1K1| zf-n-;omv8Z@fN1zakvwuTfL;GR@Z`Q%?lGW1G-0q$2AaplrU%G>Vhk! zn^$B>x|;##_szdVFoD&wN5B4RF!+;$#^-7j*IQ~yyw^9VN!CdhmP=<$^N8Jgd@w>oP=$-V#WXBH9 zj#q~n-$Td26k_d0bX=syA{R+558$Au?jl_JgSCXQ^0({nySwW^tEBriy!S=mNpd~O z{4Oafb}Fu%)!#$yrDa6)LkXTiZV@?|!p545@?p9dt*xK@#l0#s;!pINH=^ik1jyq**NS; z*IfNp)fBu%^hf=HoGFwG-pjunR&I(&CiYNg;yxe(rGU0CtxAGk4`XFYmLZxKOC`{h z!xQEX2a6ruYTu_Sy`}W)v+^J(Gd|{WKC_VFLRE@qZ*o0b&HVGBCFU||#fPhi)GI8N z1!kRvxl=;`P%h_(0z^PuwmbG_WM_$)KikiuI+IfF<}OG$9hA>joT%8WPP$h0 z2{(dGjY&n9j>P5gK5cP-^KmY(B>4IV9K($Bd*WkLO+(7tK3*#CeD<%$gXO#7$ByyJ z__@x|tNNNGym&n$-UsDgUxOMln=#aNKi)v+Z8Pk)UpHk;Om0>{6q^ZABE>l8>)pN# z5f~HZYDKbK;Jc~*h%0wyQlQ2i~Op@okml)_Pe?bI%L}CzIm+ALL`hBSAO`?Hw zk)C4`_Q0@?!jnfczcYRbjNKva4iH&_JQM#Pmiv76PmCEhPWY9t(9aKoJrk*jxD6z|1->m##)e0+`vkp#be}Wo zb1Yk)1$8zytF-huTK(eG5a%nt9{p+2y)7Bk>Y?OFi%9wn7xjnb^2U&0a=m_|nuIo` zVMpi3QxRe?u;^Aqk-d(Pe+Px|V2Z7{x($o8#79xCcysCRol#7GQa&4hMfrL?d*_jzI3)-O^NLCCYjTHPP<8}JG?W0fdS_C@WP5O5aO#y-@Hht z7#)+k2DmiW1yvA=JKMWzmS&ONL8p5=-V(u{h{Q{c=rb5*TPE`ajoKm3*24&6 zkvBYvp%%sTDZ@YeGy#W;iRE;WI9k6lIsX07RwM~h1_3$a&v=5cdo?%w=1emRPjQr*@!KqDS?gwH-5BKk~S;u;LU3QR%0F9E(d?Ud=pU0>0hC6GhO?p2hmbI4*B zUKw7-Ul@V_DspJsO_`@rxSdr80O3GV4hTGV+h($U!v||2yA0u9c{zjes<_iEK`Ywo z8d4*@G@Hk9VgJm7@{!&d^{4Wk`9GJI&G!X$F(lO<)yTj;!+=(#b4nR^Bq2ss7=&ruS^hEUUn417hWxp`R zoXX^XKCkRIbNIn2CJ`Nd#+!=*ye@kp^ONwH&O{o4;-x?m=*C>&E;CK6FA|G^(6q6n z%x6~N7T+6MOOB1jGdGsfwRn>rivxSEE8e?nzMM;&B`i{AtTxX)$D$pr==zk_Dr&UDyhhBl6@@QsPMosrF=GJxaI-^4pS?^bvoAVUsp0qz~E-EgxKOSz+Y0EyDIn*&HvC6k0MC0g@=7t(AP#JF| z@}%>>aebRlKYjD+o2sG0Lu=V^?y7N`%j~e|UQVfRLpXsU!XHh2O*cgMKT0Cs!du!A zP%Kouzf-BQMDgNVvrrM|4PT4`j^Ku9po=Mr$v8qN)t=JY8I=HhhFQU%#Qe_7awDL8 z=ODsj!N*RtIi=$J%YxH!2842=~uNFq=0 z95d4coChH0Sp#cVS$)9H)!EB1O%EObyl%cRmUheUSv5s*HRgi7=4}913kp%B*L4Ze4rZCZ)Y~Bc-Q?WJE zLrupuiuuw)UM1i>n6K%p=kHRLjaK(F*lMwzhcsp>_}-fAwHD zCQ=-8WtO@~gxMvhho>?)`Rw-ItvjqVH1FV_axVzf0|IH}&yy0oZA z5v!fs$WN%LgP+Xh;vVTvJ36d~Ak~4zdy0#uzPt&00k9h-g<3%lZS)X`)a(H;r$W%W=|dXS5@y5RP>dDq(H>8+r>>M$&B<5u9Ub8dF%D{e_X7HKT?#k za=bN?0Ady%Dc>n4x7LMAU$i|DK$ld#9k9v*&X=qHu7y!U8!71u9 z;Qq?Get`I~c?CoO4Q{!FhBE@6k5NBpHgzxkaRzzEG$Sq92_e+YY!87&_P2WkgqvhW zUybjZlCl;KJA}NOXf{k!vR?ddQ2Q0>eX># z*9>_VVp$#Cg|pj65Fy_rs9=`T$!F`d8dG)6K1!mcrcs5Ocb*V4seR%bK{NyfK=_>0 z@xN-00nm_-wgFw9oGv=%j@|Rv&|B@hn!i8tU$a*K;kgv$f`uV z_pzvnyY(L?Mp*0XPX*lg`W z?gQA4nq>M7>TrPb<>6_QlCeiDlmF3Y)%5Kq6$xqT(aHOs^tQSlZ|enz@xstigpq@* z>L@v8h#mqTMX-Ug{6d6s14OvHH23j9l@d5lI%HM2d;<5gie0L(1lViuOP_v+)VbqL zDpK+!BWYhM#(Rtl!I~PqbYlZa=OZi0wNZ?gKlDlyRe(5$G=gV$QF1Xov(u0%Zl2;r z_p#;hhbP{FL+?xo_OX?pN)qD-hrn5emHpjUH@JLD)d=U2%@U_gD@Atoct@FU?nEAV zEq04GzIvEL5jitv5`D^R)m=klcbWF#Px&~PFSc~3=`zb)Wek5vxH%hbZ4#q|#4>Jm z1WPqcmEnF?`-Wicbhh;FL8g0yN|@O)2gf)gnLHH1ZMYU`EsUYWk*ZQGt%MOcnCn!M zY06>Bk7|0=|8fz0`}alHc0@xX&PR9Wv}$!bD40n-h)ENaKEQq7{1G~ORx?eXbgw6R z!x?QkhO`nl3mM~XITc?#E&tR z9qD%XXiU~kMo2{5Q93>i)8_l2|79w}(=K3K2@0V+&?Y8oB}~TN!UbOy2N+m zQpJ|Jh*T3c2=}xJh83*>gde}tC>>b+Q@DDA9}mTu1ds$0Q@M=?I?0Jwo5Fxp0rt#z zi>}W-tVBeV=#MeosU%fAn>YLgL~B4mwV*RL09IfzZXB#6ay?5ie#(a@0{DM3P^*yN z=i!_6GdC$3EZl2*$%$>AqhZN~{TMdFNl?zLFqprqsrDZORMd1Cn+q-Xv>T}XTGmSC zi9SR9(b4LkOapdc+UjF({U}$p%<2spo37Z;bNei;6e2p_zn} zeKt;yw~dw%?rQ}#U#s1O(kicNLVv;3N^?%ka(8f1YrqDr*uY8ev-MLx-R&U%mzIba z0H5l!qY*OPu!+4YZ=4!i$Ch<2zJy@v8bPE3sG<}tr$pM0LCj!!7P2H*ReFiWabr8G z4z-1U9Dv-Mgo*+K<0n1=dtel(ECeTrMJKw$kczg`MN<#paC!Ln_g$};3!DYGX}Kwe zT$T+uUd24;VMem}6Y2qsuf6lhilvBuRXX-)@-OaZ@totGM*L-XpON&6tnd?iq*l=V zN^p6VJqhULE(Py-Pq2TBD|R0VW1#y4NU1zTEcglTeYp0pg_)LCT2{3~cVUP+lbOR& zg@fDECHm^Dfk(KTJ7bQb0|}!iqN*eB<>HqK+e@(WeQauL1B+!4Fyi^MGuftwU5^8} z4~H42Dg(q<;1_Mr#tL|LPKRAxy-}|xAD@GwKruB|U8A1|PMe z8?xxDSCsxzvlumoNy-wNK)0)50KI{XPCZjZe2NU@oLlI(Or+908Mv9s-3ERhH5F{75PfR?fie+RCD58TlrX5uE%g3 zx2fdDOus;^K;yn7e+hL?8%u4L*DvftXj@7Qa&b(S>M7#2X7F*bmp<^juD&gBHuxI^ z`9?@|e<<(eVwDnG-ZhU|%*NVH&75jxzz76$0U&SOQ$n?T^Y~|o*BTqKuBIr81D_;2 zf0XlNl;eqR{!h+WoY@9?2Rp_UG4O3{TB2^Xy?7$^~@ z77mAo$2j9T!GoOZ zxFl??##L#&F~UY)yH>uy7K0960-iT&yXZr|HQ~ku-S_2DaTBg`cud*2>1%pOZ4gq4 z)f3>1gD<-ArAr{~=gfX!aFRfRJ3#<3QH29_2gy6$gtMO`C`IQ!txx(a2zA6HIM1++ zoxet(PioUkJ6EJFqO@$;dJB#PR$uPWZv=M2fJUGVGf;bwdlg(Sp|-l$4knQ3bJ%3v zxm)YQfI?;qBZ=IRkuTIPT;nKjGoH?Rq|vx<+Z(&(QC(=!u=d4U zg4@i>&{}-2tur=K#+XWg8bkcQk8qcw&|uGe1Q4!!H-@B}kMG0_=T*QD33`5*op3W$9bRpbb!+Ro}Pxac*l*GNvR1;17gl$fE#ZCe^U5WMtrXTVtb2=3>tHPR* z{MkubN5qc+(4qK6-|0LNMTlo+Qy9)BO#aIsCj{$O@Tfn=Z;q*Xl@$x~p`%@q$@80Q zSa7dy)X#1A%uG6sQ*MPibg|C%4VR|=E=|>mDX8L^#Z4Q@NMO-!t%@IgJ#64RaQc}v zO7u9D3PSk5RI0=)mVz|JX91)@-N3;ha~n|TcyI=({cW&k815OKXZm!^z`DxEdjd^v zo{3Otu4fV*t76~kusXu;C?X9KP{tJ~Rd@#GG@_75;!x;Lh@ft`s<{XuYXhfMJW+Js z$vLM?rsFa*(IZrOgx!l1e9uIX^Yh#LE2Dac|7{I@kG(H)r#8(t z_kOzc@c{Rz5)gQZqRJb#ndJs?UP-ez5xTXrWGkFs;u4gFUv=jd_xlG1Z2y37_N+(v z*N63aepd^+&D5u546_;5`)bN(ZXe@~kvohJ4iM9f3(r<|*^%Yi{Crh-sTE5mR2rv2 z49l4_2oOq#=^=ZbBg#28mhamL$G5`~o}q|$BGw6fJ0Zxl9&Wm@t3mUvtG{3G-L8C3 zb6%;U6T>&kN$A;WhDJ2K{-PD#1hPMTZKU}U9V4mghC4|on=8c2@_-)uH&JyZw)w{N z0Mp3z$fF&oZ>ep&#UHMQt$6;jmO@@k38YvvDBT4V!I^MOkHj=xM#4vUW&nyWeQ%T?YwFOjP6j$=Zfg&!47u;BEfrlQnGd0?hXkpdbQOLMv5CdQ zO#js5?hr<%rB-$3XE1Y6$0*_{(6DxEmTX|1(A&*-4*bElxL{etqSa9=20^LnT*hbg z3pkGH{qkfFCWvPh-Zg4}NMr6W2yUPPBbj7T{)zm$nGFq2$#l!LN?ZMqC+%f(gg5`@ z9^b1J?)e(>a!sI<{urMG>ek+sppNKst4?~SDiFbSRhoHJ2|;k8lI1(Tw*;vcKf!ni zH0}%-mpBTKSKzqa=)!(el}mU^L-tJC?&}5CL-GE_W!=VxE=(y!-h{8mQexj>i0bsE zU`LzLW4B?WhQisu&RUk$w-E|rp-VdXC*v-Ih1Ck=H8J-pn3^QaN^DU_w^r(zwEJ}E z9HdSs>16Elv`YHSG&Qp+d=^289#QR3L^fks(H6~f`$xc(rObyak0v34VIR~gfKv=| zKL~;l&5;!I{2tiCo?5;;T)a!=7#X%O{hqn#(mOq*$0 z_(t^`GN1Hbf$ovI3T(d^|JRax*~v6^=1`pMCCPdcwiZK+%1^-_3{n#tXd`?F=bFv5oMXXREv)LJpDyAgKh+gNM+M_Xjrs?nT{V30Uw@E`tk zxHUb9>Fxuf82$|M{Hcy;!%w&6Vm;fWGOiJul1092eLn_2whsS&_u0|Lq!_GbpC zt9srAizhwXr;LJo1=nvlZ|1=a|9q|Cs#NHHA)$%14YK}By%ShaUj3vxiUz_9a{PBt zBJov-`nu_(yEu6Q6VZmyX_yq=}#2g^k@WEE4;jukY@p!xE8xNv7(uM*YeCw|E9SaqQ|hUB zcVoJk1Y!oNAYXTS(jm|+On$b1vYr#}7q=3hGIMKbd-M6!oc5XD0YQJPp(gfZ zNQp@Is58xj%#j>q1!@4c_~ekK!!m@+?_&5#?2jk-UX>{j!9<3cpk+h%Q0f8tlUhuQ~W@n-gj4( zrWcVCu5guVFXDB3u2Jp24NoiPgcG1y0c7={H?|rKzz1zrPjc=md}{O!c%Nuopsi0r zi6RrU=m|3Jq9yaW-P=4dA^V0j&J3+dDLE4dYQv5Fb#zqH-vKmS2|thR_qR{PjLX~4 z1U1>Ws_c5a@lP$R%XO;P)*jp3m^t5c97yaiZRXET6OhFS%RI7!-abtKnDHxZluXia zRnTRDPCNwgOoL@hPdN!h!mF1$be*?-v&@|Z*SG3JarA6I$w9<)HA(MKR?kH2N@RGZ zH=|bMs^m(Ry587gug|@%HYAa{gm-VY zUII9QIp56XALicOI`UI(g9o#mr)!$Vb-`dQehl$0cW!*Rztw+czcsgRPxk8(Qt+*q^P5c-rB--Th61&#)+2ZZ!4WH8+y88=1>4)-L#Qr`lM`mHs?ETGr$MT_1jn#3-i^6AXY*h z&K!5h`h|?3J9}<>^k~NstQf`B)=6i^tM0iJyQ+9cu(0Z>$xYMq89wQ!^~1xeP*OAg zfp`N2%-Wk2N#rNIAh-ooOA$x1m``654j>e-{4|}=w$SW7L2>&3KW%laOz;c)h)^yJz%=S|6;(~Cs@QCtc`h* zEsN{@l_rL+ziEnoxU&FtA~|7wqJ)BK)16Z7X@aP$jn(QmI(mi7Lw~(8`P&qj&Hs02 z<-_dH2qClMcbdmXd}K*p>W>`pz9l-xwrr>8_lJU=VNBsW!gK1sq; zS&Yb}6;y>QOK2lD3sUL186FdnmK!1HY|=1qmlCzZ zI>l^6UYF*lh=X+i|6~kK%@tZEx6u&Iem;fL?sDK>-xufC)$SynSP` z2k!ll-<0xU()VD{kOr#0xG$;}P|XS%(fO!Ca5|z|HNME~GqA32D;5bBZzsq&d~ko; zlw13pHm430s`FQyb|ha*PP8xFIG6GhN`wUT+27NryNU9RMmuch3&`Tjmy4*9a?I$D zZ1x{G0Tjw+$Jf_SpkSsWA$M{vK=?3Hy#} z3`gN8V(HzX_lqX{D2feLlQ1~{#`W+z|1*(SvoE{g!T}zy$R(hqAEup3vlQl&-&R)X zxzJ(D5MVbtN)M(>>TK3ltfBcm6FKZB_b1$zb5si!iLC4fN1P7} zoPB+`4XPbi4ZvPCxsKH5WG#-YeaHP<2zS{*|AgnD~lr!X=79~B?o->gzEKK9n82?q@R0`Zc?_R^J zcC(GsU1RzDWBoHVV)!k?V%_}WE@ASQql%wRBH_$j(?HF{mAZ=eV!|lpS>%(ncT1MU zgF(f;O4Uxb2t?_1k(7*d6X;QbhzjVj+$3Z=^Zr+QY~QP^6J2Y_bsBR4V38XeLavU8E<=m>18V^nViycvjS#Cz zEyCL>(vY@;@S+`B^W@BE8X(gFY>6d_cQ)r|Ns4iro z;nsU8VPs1J#q!Q|%BTwfFx(w#vm%A*+h9eQ-=LQ*G~l96zRg8_#1sA3xphXrUvOio z*0nr^yk-*)+EV>r5H?44{$ZNLYSS2$yJP!-u12EbsS|GOKDhkfr60drOI|44jehn% zDlkGISDf%s*=DOkz(O$lc8VYsjLa_5;>+juD`H~MISvJzfN^mJj3)`u`uaE22t}e^ z4H!RB7J*wYtnL-XqeYAn=}d&E2nkq?hLwQO*>04w(gJHyNIhT@U6=04dr)M73@JYh z0HjgH(ia%9o+{XhqWhZa>EMbx410cbcQ9QhRU{P|KMUmV^x4pU+iw2h<;7jeOD4+^ z70V6i!wcvDG3cQeZx4hs`2;e|J|EP>BRCTQVYIMC3J{x(Lr3kFp&FVBRkq@TnU;y< zpAu-(7R#n)tRoVwJShkFn&-_BgA<3vm~j^@lp~l}7WnU0q-I9L6;{W^S|1kt)7PT_ z4G^e?oaqYdeK2liP@pKj=s|+!22BIcd(dq+r$5+YZZXLKE>V5iHkDaGYZN<98SMKT zj3%u?`(mMB=YY{W_EbPbYWTL6ZLML3a}u7oS>sj=ep_5zwiCz&FCL$ z{`1}9Dj#G1*BwxQVabuX+-%k4ASv+$dv$8APS3zyG}P6=X9cCD$Tb8bB7%Z3R|Oc} z&*u-m+rbt>2D)3d*MpVBvMOh+F4Aat(Kz;pnEo7v41YWs_dhT53?`2fZra^!FApa_ zX&;=FAdMHdEC8;ccAa+v=)!YcQNMt!E&*#q@pFOHIX{aS4Oj>5@dw_c?1`cQBgPQP z#7B|DM^@C|MZkh!lf0ghEgmQ-)`~*eQqEpW>*ehMa}jCG*)1HiU7@1+@EIhPu6W%C znK-IQ%VR`dlXeug=D{{bk&BA>qf1aRhf<@3Ov39nPfxPFUC+E9(&oquCQ zC1&glASiQZOWQ9*=7*mznXZ9gA5L6P0KCJzQ%FFsl8uxgVop!yFEr12 zVUmtHsqLsgN*VJlL)1-#Pe69Na+>U_EJ)X`8uEmWYVX6>jOYBL6wm0o>f!$YIO;I7 zZ8-(*>KDOpZxpL+#Xu&dLdDg*ZDVm%tD%e9i^j064X>f1i^a}g<(0Z60pmz+bJ9+# zr>ZY_u4sFSs}aCGegfBxe?&|f`3tx&(!qF1T2%BUtX$-{=- z7z6YT#p=9qramY`Oa=H=WF<}gq@7HVw^q1gk_ci^-&}77c z&L+VWpz<$^t$%{Pg!VUmdM1*h=M;jebCRa}n&sK%K=U1=nk>YYSXRIdAK@YEZ4mQb z!b&WtVJVRC0qQ77%iR+WDCDxb!^U1VVtt2Q3g8@Ner-JEn>dQ>^OmgxP6eO_YAHz- zpP0dPa1bW&b8%)bLlURL0Fp$dB}L}zP-7lxpBA4-$OeZnp7ODqG3roCGVUQCS7FFK zlpJ?dl`U)koG!uOcr>|PNprtwD?}gchCzsf6}GL22ERpD*TGe}xvF^!%w*{>2@zWw zO-YuS8aC)wg9O`KiCJ6wEZ4EUbKvQXc9rClf#>sTy1j^-GlU6@F$^~1Et8i_1Obd@ z>yqwIL=aYMH>t3ghE*m`2YLFv@mHoBpWy}#i|Oo!GeL`{{U=}GwsOXOGKyEGrVQuW z`(=Ty|3f!E5> zFL3prZpjJ;gnM;0wYV6NDL`ZbsVP(Y2<4G=@fWJ@VPa>RK-vV zNE>g$am!f^v!vU7GaDC2t@Huo)z*ZgBZZN?>!Yfol&hdEF?Gm`vD#zdJZxEk zfW~AmKI7_A0er^~w5>z@1V^;V99{EjjvtJiMWiWrb$AsLE3cHTWx+3c_T`8*Bwbc; z2NqhyNO(cpXrH+6KF&2ykP@Bl84FRg;=FKR7UL}gU|X_u@_m03sJr5E%y7;?Lzq|W z_lWaUhI*K;9&kuZw{>vKeLH^K0N`87g{S_@LeqPikhAjLFWl?vx2!q&Al!+jnZA59 zJf`HvY3YChRArr-XCb@KT&bVI$XnfWhzP;H(PKx%Rphtp67YkdE#f0+oK`Zc%4~1g z_RHuTL)xk{{1py`>ie!9!MAzKP@7=NbgffN@eLt1S?ENjcNG=kx4&(YFl=4JDWoZ2 zdv?@N91i~QS??pDr=M?zyPAU#m5+i;2p#P?1iNXV50hv;0SxWbIoDmM0Aec+kSt$0 zaspY{d*eDj*Dz`g>~5Mtz;i65&M5x|mhTLHM1C4*yhwU0NIuWLDVbS$`OjuBxsTLv zgU?Og_scHteNOM<3;y_droi@c`8&Ljy^w$QUzwUA%~Y&Yy+Q#JMFm3C9gJd6~iy>;oJ3GhYyfcC$i z-DNpul)C}y#aPf%V=N2^AAgGb7tx4e5}tCNi1DL1;^^?Jnkd{1+1d5*RC!@y-x>+Y zqz(xCNexn6@54?1@gMt*pMP@b8zXU?b9cCt(FW3$RsjG@>aIJ(y4~W#3Z~YwpAo+d zZk$uIjC)DO$x+lUfPPG$gBI@zigpnXZ;4dhYvpGK^VR_zF`&*cz?~ZiqkOwJ)BGJc zxNh+~F;K_>1k@o_tNmW}%IY_V?aQIKi(T#WkO06O2S~!tmvmOZ-zjEB!FJ+SP$vyR zoQ3+`5tk+=hxgfR_JA^eD$CYLfV~4GTl4UQy_(4H07mR+-Nq}@Ygk57$ie^^{X01S znfX2ns$Xl;0z=+%y8K#-PrLT2ajFqJu8Moxn0cmTyRUtMWGRzJT(X0oH+_sJK72R4 z!<Pl5sINwnbeNEH{-x(Yd6* zIh)z9$=o1>$%h%)6PXxKir+gpShykhMum?Vqvp z1RDqN$%l3>*VJ^#d}awT^L={0&yn*f z{<|DIyMh5xY&e}6I8LNJQQOs_#|*{+_?LyJ|2;^?=*VzU?KX|rq7+J)_7ilHw-3i% z8seNt!%QyS@SmxYoXPOCLil|OiLSitq(p>_RyVX%eyPL8;z%tP~4}I0g3jQ3h-C@ zRxsj;dPPqrhF2{VBV@6syTGnfqKyst)#w)(A|?kxK^njZIm+4U#(q(u@I)AiIb#?2 zG%aLXJAh!gGp8(giQ6^V^vHI8dTh=4`T&E`nu>T05LY(|FsH}~@A+#mrp3lYXA3BA zeOulI5B&Zsl(#dgqW|zS5hG`pX#e7;yyGZj%7dbC9Cdc1U6;fT#mBy!F8Al;e#0un zxc7=uHS^Q4Kn^>VlpIKTpcet!XP;C+i*!hpD%|G=Um?I|co@|k-d6Y1tqrayG=9SB zxP~UGy|AJx$PX6Tp1r8;eJe(swIUx_~CJC%x`Q)PX^w%ZWn z((}Iz^z6HLb5}Oqf!W)`6nAWB4zcu_g?e~=Y-CSIQQw!wRduHDtQ9DzslkwpuqGXexEn*TYL;ZI#bb$#<2wD^YE>-7MPKX9>cl-^X+?{7l!$FvlkOr_12ZHV!%Rw28q zGu|_KkLj9XwLrr|;V}O{E;8TLn0C0L?`Vj+fm~~{_E*AREM-$OcLQhJORmbY11Woi zpM+Cg&^vEvmhKteK+IWxte+?AIEAxO*#>c%ot?*@mCyuP?Cuasf*sf5db`6m3St&K zv0^F|5J;pofb=XNr_Q2ym}maEA(Vf#LL0e{U+;K@p2%hi#y)Mo@}H~Y*@|~~roQ7T z+OE9f?Z-BSSCkY1nv@!NJVhqFsDiW~A9hTYni!ME5H8@pOi^>ufU7{`sr&lBXyoId zO&1S=ynQ~$YQyb@Z&i<^EU9E-GqcK8S(S)+lrS1Fmw>x9Bse!DpfwD!FFK>Yim4ph z(qZ{+BJVNIjCyRz`K_tW^RzB`5#DcnLpWfX4MpC3Ewa-d`fx*2>HQlixOtYCBi2Dw)h;S}IfAoMe6#(@%q?3H!S@Okkj;XvNBrD#`bT4f%E zbOv=%1~|~DH3vQ85gqXozRa$$mt!>H4r7M3j|oJwZ#4as7Bp;vX6euVDUgS-64XI_ zPNYxz`}~KU-e5J3CHixc6Wzr9DI>_qIgm7P_LD2>qMStMPZ?s|-yj)Bl5NAK53@K6 zzX^4#`!qbeK&d4uwQF}Gp}IAiY*3Tvn2hjFs#QUrTXoJ`!>?$V!@LW#`|_OQ!&h=Q zemm?lo)XnFJ&VIN#HTf(`avPE7zr}$+M-p|-G&a6G41e8=qE&H|M-Cm-!4T zpTVIWQam9otpN6&2;i%S`#0i-z^b_maZ3H?#jLBMk;!;~l9%35CSmHXjuCEN-Wbb3 z2&E;Amtb*BUasn`$hPZZ?g@5jd8_+HHAc39Ox#hQV1jfVsrYHr_|*S$%wlLK$xvj9 z^uFqR+!s=lZGY6gayc`1cSDZBa0&Ginx>_P1bYo&!;wE7iJ;H!Z<^iu%H>Ckv~;k@ zHound@62|4hzCo}-b~uXbju;4J9Z0T^gQ`O{sjcasZnmsjQD*c6Zy}sq`I3 zOT)W&JdO-#NFs_$C%+eeHLUp>k<*K*C2WvieGmeCkP8O*VW3&rb&b5GSx>}TdX?WE z1#DC0rA0VG!Q%K7N{JT&^>kmaZFV}TDVsWff&T54T4{7&>}kRj^ooBMZ+=&x%9^9X zdQz)BUPlPu@nke4=M4GhTl^R%`Zvu}Y$Qq3s(6dZkiNP~+Afq7L_pd+|1_-70~0XA z>aSBwC2ay}8d|Sgv92LEqo~|-ko-*)$C4U^3 zV88X0Dd(cjtL{s*f`N-{%8gjFO?L4QR8Yr=B|WPNTtH0ywJ8uiH;t$Y##vV#NE zI7ef;NfAW@e19{CSeFQp{O?GWw4?OARPM&E+{GBRR^G0~ah&*d5!O68%%w4A=dllMxM*5(8=oH%&c1PyjGjw_Ic)Z@x1Nnxb1024n)#I zG5-7t$5DR*ervxyHGDN}evOpkV@QOVj!I`1>!4o2HfCEtOf_df9E7w4)VzXXYz$Wd zNzq~kOk>j*tO7wV%X@9%I}Q;sl@P(tt(qdBzR+IIJMsYYTRiaiQ#2JZOiKKOitBxa z#|?)NheATlTW+=0^Fgn4T|1DxKxBD^w-`Dr!~G_ z&&&`_b(5vB4r@BArlO0-{HTA%lJ-lyRe=lhLgcQnmaIza%hF9~YuG`36v85@_ktZG zHu~?*lQmm3_ZiqH*dvADm3Q-0a8E0UJ*%P`iT^~SOG2)mC@~e1W9mwjcysJ39U`nY zPRetmK(yo6=H_OcK~p{;G;t%>s!+z@jHb>^q%Dny0(xICt6al_={PH`^nQVX^uS~) zNqFMiPoi|6Klu)z^du`>#EIEUoKDVQty%3wVzAsG#c6@0aNLWSXT%aa&25RJE zvO3C*z9-$lcqxo))UXW$ky$zlc3JAqYE5s#G#}N0c>+0t@?nQZNdFxq&Q$o{2EGu3 zzr>5k!?0E$eH0s(=heQelB<~2JNI(*7~A;*lpdAgSfZlZmH$VvXhc-r#v_ng;n@E05MEw z*&OC~hL4vbE8D9Lf7K*n5PJIx@SqG1PvqJjwskJF-}wn#Jh)v6f&8sPc@mC!vE~|y zqQqIq^F0rdXscbYcMLfAc(NtVl5K#Rl(70W6^$DtM6K&`7Ay(lO?`%W0@zdJ zkHP%MV!iLpp!GL{IF*(W&J(xYn>O7bXC9=k92p3|Cl+@EU?>%u%9c~L1Ggf^t|iQd zt9J?w&sBd}8fm+BU@voN zT1bFlv4OL6tv2AuoM+<*z;wQlc?8A9D~v`1knRI%GhL(<892D#2*tZe8b(0C`sB;6 zffT_m;VAow{X7zFeHhF6|Gdj#IrAl!KbIR{+4XQ`NfV^fS6=KRm}S`H;xy5{{Bp|R zR2O(x@sUhrrqfMcX(fE%hNd%4!!qny%se+K5QvI88z)xf2QE#%T%yjM4s-$%q6X>1 z)vXmJ8XaIXyo;NS=x{r@dn4LCzk*k11gU&nOTx)MiHxY)16bwLQGvqSkh5gn{KfSN z#dvH@dF);^@8j@ygnho&`j4E`xuHQ#?ndqPpp2cfFAKw?$?RVX>9kI5zItD~{oS8q)_twyNS4kK5%uAhrxd zuqCq|*xODIw$i!YxU3h{_JZ7E?FzN@0oztMlP($Dd8Bc6hTuDD+QY`R_fGqyt%jQU z0Y;LSz5tlG>rOG9=O3QxO0TZ}5D_$tgJNBfC%m@%n7(C1f$(WUqP$l8 z`$z27+knIV;y&TXBs2gC{_0G69XLx(`nt*UMY?3NZ_0}J+!N-XKw zVsX2n7#c{^?E*E5KMQgfaYw1er%m0#qxC$5{?Wh|`2uo85U-l``{xFR!!m34Wc>Nx zD*tU$*%9U^lhkP_=wZh{Am0`qIq=z$6Lia&kW2q?+ENg6@9=2?nH{rVs5JEs)J-S%=ZnZDW*$v_A9BX3Xdm z3o<4q*6sIXc>OC&AAh&`?`f}Pv0zcYAM?`AppYDICG;vs4|p62hCu>k7DcAThvc}D z`|2QvzzKKs0#N~M#|E84o4bm$>MR?%Co|{N=+9zsSk1g5GBmscO-R~7#fgk8Q z9PT4g!0k)m3)FbA*pmJWZuT^?CVZiKT|0I^f-P09aI2vcl=m$?Tl`(>IQ149%VO@-Ih3XrlhNF<=~WbTYjUMEf-9g+&a1CV4-oLdunEcmzsj1#5IjFjeuKrP?7hce+HsOg`nmlR9XqyVT(XT-Hpj zCPC}XxVoFLx%TPSOD0+%!!w_3a-8cs(7F0j^RhBT=q5oBVR=OdS#I0QhNCJ(xem=j zAxtXVFTnaR$5>lme-;(F%RD(Ou$TAXRZ&gK!M?@#mj7xz>pLC5dEci(FNV|k$?@e(J8#Zfa26X2R?I0c?u8g#w zJ17P+K$uOUUnJSa`IilP*vbAW^U1%EqI`sFltphb>Nqd$@}h zWe!lx1u8e7>f3}6=gxFH{p>|k&0b9S$!t3-i3b%LYBSt(b6857Qnr(rSamDYLAI5& z-)+DjcJE4`fSr3@p}9PfomNOY#h_zVt|>xYDVW}BTD8u2Pj^IsW3Rf>21`+_93T;q zkdcUQCEToH!~f#9vro=Ebo>hTZ*IM0fPo&BDXUKxOm0uZP7z-0*7 ztmrEX3yvRNw}(cuyikG}m#aM=6;p*soJp*-#4vL!Rvh-#K#bdp$ggo@TbdZfC){ZE z+St?Eh~kFXaKievR(E+W;Kj3ve3kOc(xI8BaZh$%qAeNDK4c)g5AP_~;Y_R}e-L+Rl!O zR#i|Evk?hZSU7ft*SM^tzm-;DnxnOF5pG?*#BFW#Pgw#CK&no7t1#WJbH7CJtSnPb z)sCU`3bAwUiWlHfc|<%qxos}f&Q-Izv)zywkS9GXNKwyByQy%zESAnLr$yotorqcZk8IN~_PAzy zZYM9oyWsa|{Q=P`ox((M+1zygb2q`U4bepe40ZA6Q&#{9h~DutV5x^l_|3OT7nPfz z<2o<3e>Kd@l4$@J{g_*KA@TzRIz_cqK+&Ito;F?I1?A~AYeO)9mp9Mr^G4-PbIyB& z6xRp~-Y6}muVxS``~{cKQ6g+t4)Rb)`rQ%Bis6T7xo&M^wWavgyPa}4)dTprsp@pd`uEyt32idL z{IVa-cm8{WkR~rI@z!%t#vbsbynNpI((mE>{}cExTP5~pXS9u(7h5tAJLj$thsXt$ zbV0rY-;6(QNg40~Jyp#W79uVW90?WGzH9u2{=bQTOL6GEfRL3-SZy}tBG-N?U}VbL z-%x?#yExaGdw;kRC_Y1Zb~yMO2|f1g>&+AMTNYrOEPE1`3p)EjrNP$8=aYZA(4HW^ zudnYRIRXvyhy^8cw230 ztQiE@UKTQtrdoN-W#=Kga`X^$1EpqvmwmZjBks${yHBSkLikvqkx z34|nsoFgbR!>txuB#@*w*3<&Q5imeVGKh*CNCE~3Atc)fNeH>@1d{CBb6#i7hqJ%F zYws`n-D|(k^Zft6|8PJZA0CpBfA$v?1^!hte4vZR`sao%V1s|+=aA(NV}KH8z~$PnyhIUYZ})WRihbG z(6$8^%`N~eUgmVsNPDZOg(+v2yY3NdAJ%Wxy<_ANTi6Fz53Fn~CAKllWopju9x9gg znPTJ+-IFI`J7pbB23#wiybO!zHa8gwulu!Hk(U=((rkMC!rlh+d_)Sby2;=vZzxd5 zB~4kl_c-j{R=i&-Zf21dX9QN5;)%?&auubFESmoK|A8srhzNSaxT^;f{1^ z6QOq)rOwbs`g`0Xs`EcL4m~u>O-6!$tc}g9 z)Gj4;#>nB&j|ca)lr^lZzWt@9q?+KJCh%f7+5{1$mJD7B=yaOW_f@CD9%y>gvVj%x zD!Wwhi;Y+=_gWXv&|p=k(>by?2B1EB%@OLEWiJn)(@aIE&kMiKt~#2CyJ&U>3TECg zKASmFXkI9BI@XFba|K1i+1iq8X>09KonzQM0cr)?FFz5b9*~{bpG>c9@3WVH(VX?= zd;}L@3LG00SF06HkHzA46JFOeU&o11@ddziiym3%n&^P~uz-h1Zwx~6a$fG56k_sx zsF1s4%8jSteUfelbQ|WRGi0)*A^Xkh?TldXhSD#Tv0Y|vo+Ni}?_%QPWJ*bEKW4FJ zS_OiDt;hSLR_-0%HDJrFsH-`OdhI#FqAmphJHQ+i9Xr`g-(>47)dNl*)m3*1>%{xZ zEjNFe04@Q^*9+MXW>+M_^+q^7 zA*el;BroBMX`>H{b(r2#lr~f=uxaD#|7?zcvtzC)x(7#ce0(Vg2iDLt>OM|zZ3^+y zuqXN3Gc2f(l_;UcgWv#Dtc7=Ecw-I`@#TLL?JvAV#QxXg4S|x zoJrEm(zE|)aO?2#!F?7M>)!y8Hz6FkvbbVcK&_*#xXaG76AG;~n-kqX7+YsAUmD|U zxT6awG1|4WI2eNn%)*UO008{<;CpiCObAl?8rS4oYJz5MDdfXZkf-ggE8H6%PrlDM ztTw)nlILF8S zC5v`_23?LrNrGELhpVCYD(L3=&(S$)Rog-+VR_mytlW*Nqy%>=6*T>pit)1is==vC z7aY1rI40BnCXo}vM_#P+ke+d1L0V{_1jsi} z6vCxf&a`cNw>n`kIwS`%iWh#898-cu)j2~baJpMut!YYIQyvpAw7M%l+zuCIGW6Bg z(R{iTge~Y+-*qL7p*4b)pZxc|c`9|I84smG#@H})4Jn(4Ju#$`qD(B;w z;m?2lvhl=_so?#e+B!?jHg&ro3luke?&YGpWE8Tg@@bH#sCLP4#j}BSLVMS^`=_7GlsU9IaBxuFiNN-ClhKD@_oPo zpH6hKzD;j33}V7=_6O7)D*48nPT+9;`fTFtjZ(%4m`kK(5(j0cN-yG)HvW>Pw zRqqMRZjy$%fM(=K5GoQP*}vu3w)X|ytVc#2O!%|BFGx*DXMT^O^eYrAs1$m(Tp7OS z0Ty&v#eh#MX+PKsMP%;eG3BTUJI}=Gr~jJSbodZs6AN@aG}kmR;8mzhSe<9mw3zs5 zxijr%aT1S`|8ZSHew~^#vZVe@iDd-=WdTQH*lN`65)ng^W2_Zis>q$lsEsk8qE3F@ zc9xy%$sp+jQ#<_jXR;GjB~S@dz#Cj7U74I&%|$BE_q_|#8evr;0fzb(%@m7CbMUYb z+x0{dV)#pc6_Y;qyOdw1>T)__=;nvoKK8cYX~Ni1-}fk=o8y$;D;}1hz4N@9RH12%*xQP+FB7}b)mVtAP6mU^~b zrU;eQ#_Fg1vXEwiQ#ZIkw^Z8xv@IyqkSBLwy97tY6yJi7YlJ#$h!t>R@-9kFmd^2yhD?5z?Y+TyQ8v}< z77);6Vfi=1v0j~YwR9WPSrYV>bsSS_`^!&50K(a=h#eG1owY-u{oDia`M;ZU;>4qT zN?Z#3(IKhKfwB}-)FW2|B%dZRGv8lSQnQu(w#NF^k`1CiBj{-r5;sU6MW_T;x&aZYw5v!BoL&t^V*+CEF=N z4Q5FDjnj$!gE1Z%+{a&&X6@>jAA7aX@!ixo(Xtac#un!o*|yG6%-uEtJe;7KnJJg_ zxIZ<%P@o7YUQ-IZ{iY<~nn~?c)nypMsS?Cd9}GdkP+hC|JUm#5&P*6vb)24gHXigy z&xmOlCT0=d2w?vzF*~gcUx;J{k;0Su@~Rqr&xm{)X6Qrgpfs6>G|o)+UZ4Jhb=Bi3 zo_pk8D|{FKN9iE#pn&t%(+je2ivz3A|J<^**-CRO}ld{y_T$;kQ4xaInFa&t1W?~lan!;t3{bGOP z-t6ckBJ=xPB8heTZso~?MTgi!S5^jW@$td^GeJ|Vx*@95_^>%*YXTs5-pnQ>!2Owe z@k?qG(kU6q1%eCPzFkZO+oNB(KnCc&>EDaWE=qa~;ZuG*hSnK7rg*7U1wLe8sqCVn zf+9xoJ2Da6BC^MLyg&SWBF3*t&$x**>xYGE)#U#t_m9pw^^(VBr&cDVej9z;ZN0 z?r6n^pM)@SS+RD=)4?Asl;(AV5~L0HlWmllydk1J1ZcnYPwMXD<$xsg3b`k)#9Tgt zOiX{NjZbb4H9G9Bc;!!R*?VUd7~$PYc{!d~u$?t%JB7&j(wCL;40AxPj zZ}A4YT{nBF^_~zYD@Xq$_+Ro<>bRTgcW_Zv#O?v(&Y!*OYqv*RqWPy!-#5GYQ+?iA z;-v|_=S)-He#Rf)xB55+GaklzUkrfa;&;vYyR}K@BXgRXu(-wf(TJ9$@fQ20v`idi z{cXG@4(ghJehupCv(I;BZO3gDU&L?P4>HqsX(JQY;n@zPCTvi4p74JCRIHbF14{Mw z8{y+1YGfSe45`=R==d|s8GL%hm~(#qFyXCyFwcU}s&^w+c6CopXpg)Nc7%cBoOk@Q z<&Q)2K8m;a*DNOh)8@M|O6VwYIV6jcA5$!cHZr7;QA$)B{C`6qQvd%jK!_P?O`UN#18*v~$(1yd!ss!;T1L<(tFU2) zg^!9z{qR=^PNa-h#^7C5;T#Dkp1jF=z&y2G&0!i@h>?D+W@1CQL}(MHGG5LWKZ@f} z+CKVyR42U3=XOrViTOBoCJ{xU&wj`Ax)|^7 zKGHL`M=D_!v!fa8TCa}x5|N1HjX1h-E>k~Uc5{C80gxuQ={Y5Ij>kGNd8&j+qBmWd zF`qxUV6|Enuv}bup(bqjc9HgIe&)vpgNZV!dpEepRP?D5E#!!|m-cZF3C?IsQU`1; zhL_d&jCD{iynz(Xr%e$UKFb5baIN@UN71T$4TjyZHpolnA_VLwGl`j)^+AYn|?4lp|mGDE93`6)Tj?ctIc))0K< zU_-Zhkh6qGR9y*f+v)*)N$}HcTQCoGAy^}L2smPgRuvRYS3 zGc(qnvaMS?7OhjmX|Cg0>J)KwX-yWT*(sRSd%aiZ*AMJ^^+7BOID*n%W!NYGbwgvKEH}cvcfBMH|}~bvB%%p)AF#gFmWP-*?}9+9kO;*f07U?yW}i6!mEt8fVRU^ zMX=azBHUV)HAhY<0AuYI?mW~WKvcy|F_r=_tF95q>b>*O1MYza5kLWHF-{9BSmW5? zwL}>wuvU$#A1c7B+(JSn*?p({EVM5MAiHfaW-L)uph-3+>HHvu$bXS3`%{+R1-~F? zu;L_`HH_k;_=LByl9=qbtUeQ=J`)}2g|s1w5TXIrNMZuw#xY z_6z8ikEN>TdNRy#CR}{B0zIzt4L$VcxTfEhW!{Pxo`*W8TExMTGI!6&;znLCAoE=m z;p%Xy)B3-?#)IQmE9|UcOrcf2YVx7{7Q^#X6H+5gSv| z3{o9l-w5FrF1>i#wd?WrFTi#Dv+Pg#pPak;e`aTf;Q#;t diff --git a/doc/images/tuning_error_surface.png b/doc/images/tuning_error_surface.png deleted file mode 100644 index 2204cee2f5204d1d2d2e53fab8cdd0a1cb9ac47d..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 110461 zcmeFZ^;ebM7d?7JN6BTMM8xZ5C}QsgSd#Ad-_4USG>-qN9DD* z7qsQ9U7PV-eUXvU`S}NAc+uDw?$q3_5pnArugN|td_34puZ|1#iA~ljd*18%{)0FF zE8}32^jBy&=~sj);iNd$1BBmS&XRW-II)oje7~V~DTU6o9O&Mr36;1Nx3nDT{@wf7 zKK7}-q}6h!@v>s?=Av@x(#x-M@{<+32qyUc7S_$Zj6{z7<>|YOfdYc?-^=u9SpNUL zgp3!2Ed0NBqKLs~|My1Gz&CJ8PZz`I^k6=t{qI^O!w?AWf43}R5r?4scdZ)X|9`vx z56<1bH<>><@}`JY_K3T-|M+S`-X%eP=T)zHDht-^^}$ur>pbReml z25%!7(4stTTaH7>xs0R7jPoM^i_L@KJ=9F8Pk8^ZYzMX7Rc>(0VV~Vs2C*of{$!u7ibxh}8VrR3XcNFDriQ9~)lk zEIOerwFA5MKbsIAaKMjT51rgFmQ&y`li@2o(gvYQOA1D07`Y;`%D;M9n{^*iTG0|# zQc@BjTKs3C;ZOBxD0Kl&Xr{e9e&wKr6;yDF-ANK#f)d0rZq(DKZMuJpc;v2L1;ubn2EZ%E?Le3wd#zyN~284K)(QcOiizAVghSJ|%Bx~XF5*DvI1 z%?JY)X%@oXZ5Sg_9_DYlA7PQyo^;zf2n=)d8C0pX$fEgAo9ZK0v4vi=^BSdU43aQ6 zNkM04*29CZ+*EH314Rt-ggLIiF!^`b0Q*S9fP06g!ZX>L?+T=1D4OshMeJbP_0W_5 zZ5@+^iJDf&d3H{x4i0|s^zwT3`nBo(&H2GndsnpMl>R`(ct9QkYXnJvUFoF0)d|J)G!OcYt+a4@S54w&^+%c2 z%iELN`#*pGGJ0Bn{`@VDMzO~4(U)Z4!#ivmYHI9Gsl16^_r8MkF`7YWupuGO)S5~c z1#-_P5s>4`F!kb}CUJGi=aW_cz`*YQKG+3Y+uL)kZp{1B94utUXXn;hQyc4i&UH%`sYYWA~f%Dnk9$$|zVw5X&cHz()Kx_dF* zwmr8TEv}KH<9i4Ff_SGAbDbeNv+r>DBA6c$LAq8#RB68jQDWC|O-;;Y%kb-qiLY;F zM~5IHA|kkp(NuwaU1OthDz({YI^73n#mGoQfn&(g)=015alpZRqKNQkSst1=x=nsT z!A#7^2Aj&=c(!zXJ`y?utZ%=cCMG__ddVlSY-s8e8z-lvogH&tUS3^8Lyg_CAQ3Tf zlDKc;TgcxP@(w#c;(aM0xPk7)rkGi~d;AT|qU|BXg75K8Eo%vX;%mpYhv=|p9Dl!Z zl)_Pc%xcrF+{_ZkL0IjP03X5-rv~lV;Ls^1*t1?6bRa=QLV8+&2Ah_amL?D@Y#$Hs z-$DNJL04L#f@N6`xUrdbXlMqn1!N8cpo4b{>b?_-3Or^MJe%olOsuNEc?i+4BPDrU z_HbQXTx7-9EaiE`RwsJ@z$I2!vjznR&ow(0;#MK|AUqX1+E}?IpA@;Y_U#|<`S@h@ z^~t_|{rYEmy2b-$`fq+7CWA*%_ZnJ1bL_LPojfLxtbxZ7JEM+^Pou0O8v1?i>n|5%ndp482#^Qq z%!X>r?d1y!7R|k{n^HU~;8^mXVw!zQ?gbiXGoH{@S1lwq5fB$)Q zYinA&*X8L(oT6!a6G4~?NMW>LIDX3qmFaar^S^~JKq}m^9L6s z&~zTBp#FYI*Q13Gva&1W|p)1X$VQ8qu- zv<<3hof#8z^AM0NKvv$_*;!fX{%Ub3AwvN%Gh;<3>u-DX<(%ad&r|XrbbfQy0V7Q( zwuA5Vo47CKp`hFdR-wn5D=9A@Y0?D?Vr*<|{jZJ=8t>HL5*kRDTgjgCE%%Z);Ax=v zrI%B*$R_0a&<-6VM(oh>GkOK1^b`Pw;OQk%I*?)^78Vp8bLf}rlrZ&?S_j}XsM14=1#~q zRv@Z`8+@EZmqO9}=J*y)scD6-zg3a0{?}0-v6-c1*wT_7sD|dYwx%-`x@G#Ef_Cqc zzaV6<8{DlRC0{P3H8lO4nGd(M6qT39`Bm|WWVpL5iCME_F{d+F1f&NJ1=B-pK z6s8?%8hW<1>#Id43`+xYm}}JY{b`XD`0R=K@RK`O6A}iTqjE934Alipp2zDW_gqQ( z+Zbd_#Sv3kE)YUG=)@$^MiRLMABI16tx4GCKM()@63f2_L5i;JHeLl3@00a`SA>LJ z+pvknMR_wbvk8KPHVXewd6^!Fuzh{04DJ{oe(1#pChA}cSGL(tzgqK*Pe~$vIXjSs4 zvzFyuxjH;!Po`!NXAI}&UdUuJFB6d{V4;Aq;DiZX9O3p?>#rZps{fNQHI%RV2jAtW zG75kT$gkhbok?hn|I6>;eN{HZGcFo732gC|&jBtpwzZ9N*`NNvegY>BpIue(p}`(( zLDm?&y+s0mPke6J!S?$0)6mk=(%iygHSApl?Oe4fw&LEELqzLQkNZ)xC=&nWelPq{ zgAL(8^!B|oDO#=()XMF{S8;s!Y$cvD^=kdFc-UO6S+z~tjJ_W! z`Gik?I^DLTiX1yDcIff%ca`=d95d3-h7f-3-P_@PL;K-**?vB)4fcP7^_l6x=uQ6lGx_mMk?`>WS|x|GEg`kTJ^rWe2f27-BbJp#&o~yC zD>ZXM(Lm_X<$bVHR*Qw!z&m8C7h}{V4n(3LD3U^1`=s|`I0Dgx_bS`(&tBj_U zWQT*`+TTtu_otd~5yuK0k^)P(_u=9QR${J76X@NWy3UP;jy^dvBgIaXUs@WT!RJw1iXPbFtYF6BSYwNAZkHuxLN4;Ah1PcF=MB3WiYX2u>#hjknWHz%koUQlN@~{Mb z1N4gz@Ks-$#^3rk|GK9p9nEr3|F1X{YN0{H%R+`;bSHN=;M9}|p}@&d;bqw|<-gVWYj4F8M5#K*mXgL31pR)p zAOo!awL4INNc@ueY^DDz|TK!qHoux>MTiQuRL^PhpHQ@8$sH>xr z=QV{>q)BKRj2t9N81zLr6;)!LR}<5pO2Vqe*8}%{HCip6rD&thjjDZY@W-fFY3K$( znjPz}2kEvyS97znRu?6){ZQnQdLp||m{^!x=^`HH_(At4DSGe}(+SoZKx3oC`KL#! zGFXw4*XNafBfC?D#igaj0PX{Xi+_Juzk*w}Za~8G#bMc}$Zct`DFqQZPzl;WOb{R@ zhKb@q6B}}b#qx$fJT*fHdr_NRuRx51I8rFtomAEdOI3LOL_;~xEGNI5(io*QNd~{8 zR12~-NKnP^RC5N8L1!>S(tCCg58mR`}?_wUR3DNI^;uQ>BLrmUEbmWtsp6 z1~LUNAKzT3pU}&fFNXyC+f=)poCqH;>9_Xu7vdqnNAxX}q-|FV`tN*K3#> zopOlPbZ+JkWlJrN%Z1#L6D{VZrFXPo1gu(!>3X(jFLzS4tE)shATbVPbT+e5`>o+u zOr3X**7FJgJTh&jTj{RJsPo9ev+#k%#C!9%mHB$!B?m`@oyf$%z#pIn2&fH3#l?n~ zM~hT^OX+kgfj#K!tHFl89YsDnx_n9(lz&o-aLmH_CmF6#WWBcgzTh9<-yx6sHDM8@ z%5-9YDBgvuQW+x~#S5U#Kfb-cx_>C6+jd^m04c2Y+(}R2_nZR>$-p4deVH@ZekN2r zBg9~-uE+dFbHswd1qg~|Q&Ur*$~uCF2Xthv+8BwEkr53IjV1Q&%}3f4m9D+R#wRS} zz82auUqOfPDX*1NR29O(Mbhclp!sw6pfZbB0J#9~5{ZGs6?Yj&sO#YuS-h{c;a_sB zuHX3nf%pNMiGe0sfByXWyg;q{n}-A)tR4WF=4%~b-abzx1Mbv$+^0j~p8~K|d?3gW zOGtdnAO5=N0-}MF!2>7+kNfdTu3gUN@qu!7g{cMy;+!k!?|jE%pJ0zvwe$@PsKKL&neJ z>=K*`;$Z+cPMF67p2&c&9qafo5$*fUX1+|jF$%y)z+^4V&40}nK*=6Y$gWS5I)}%{ zF_Uy%U%4%L(A-{{HMDr{^t)W&G2Emn)WCCnM zbVRC5f&%O2_I4Kv9biENY<;fLj!ZDiZm@ys{6JfnE-*@x^|cSX-mJq~uOni3q1V9e z@kpd7c^{HefUSjChG%0)w^O>?i#)%7r&#kXuS}6x&Iv6Q4AT#P+RUrf_#l^t%P_&6 zY!%B8_;0V@CB-?uCMDhctD*k{Y{9l^uv?B&32SKJZ03fa93%&G>X7<^Y_1+O9TRUF;>3#K+ zY%8hrj;hu55bnS0X@ss{EZM+5JS>v{CKx30BlGD?FR8~d<>YtjLy0g0r zVEaognj9dBOwG(_@Yas)T5NUR>ZW@^^P9)n?NC|@QHi{ZnqP>*-k?oMTYbpmy2w_@ zWH3Ll=Z=`>z2%b3A9tzWX`Wk4^QV38Hs438TrsINxoXNelrR9qGakJBY zh_R936|A4w?lZt^WB_=F-lCImcP+JhHSbrnLT2l&2)LHq-)24DZR5-z%r{0aKO8P^ z*@0|_Gv={;yEL$TH?kZLqxu!PVf!ujL_DjpYUZ{fxjdI^u9n#&9XvtQYk}X)z9*<) z!pC#ObX@+b*VWZ+Y(CeFg|Y%D<#C&Ia$os~`ghp}*@*`+7fg{)Qtt4pKMUfcBY$V5 z@fDNM#s;OvEh24g8O;}*#t__w@D~;Z2&XB3M>2S#b@88AIvAr`1<6GEtDoLTMJMdQ zt1yY?C>fO-C@NwEqm!-)Jq$elG84Mh0uv$0PPCbyq_+lS0!4nX2`V}tJi!yDx()-j z%=GW|Q`|k~9%7L4_P&kg?^#(P|77KRGnM6dcje%_-{_0#Uu!mYdIuYunw;zbX%8^# z&6fR&^=+X?k5_tu2hu2-v>}_GmsFKAsKGx&*(=Ak^8j5P9UYCZ;&>mUptdE?5Oi}r z#`1XHT9oAHVmsW-b8z#i$~Z7zIYAV<6p9j^ORdQK(PHkC})$ zo#c%T4X4xEcKJS|F=jwlloFs=BX?I(857d>N54_rqwv2n;;XsM{PVir?X64}M8;qm*Kl2wuK)Qzhi6=sdSW$#$>zl{-58i&i;X?>(T!WukI3T)4Cl zm{?>wRYS)sCwe!^NgJ!+22V6ExC5pBL-uXU?;|*sYdR-FNm~Yi>Jn7p*|7Qt8;;d; zV!iNmW}F>9Xj|NNrdO2IYmaZ4nXfYe*cQCsRh*ib=sus(&qDrqH$irfm37ri18D*T zoX2qk`EtpNS^s7->EnUs%og9fGQ#2sLE6z)X8dpmP`Rw8cv&8g0{Usby1adt#?6MW0Xhs}m*cX>oH)O6b>5D)l=- z;(qm7j|4*a`gK7$qfb&^LqkK^e6Z*n+tx$Q4zTkbe!k>_RGE#v*7LnKvF*HfeF|St z(w;SK#LD7F);evEerr6Gspd3p71cV)^~uzTvzeEWx&z87kLv-UqTn?pP-}a(Vb$Os zt_QQq@4t?wV+jw4kb1!FPd)NYKVAeA3f&kgoD?d(u*p|w``YR>Fd2#V+-EL-oJc42 zNM6YNB3LS@3p&=JjB<@A7#Xu#_epu?@2Z~bi;~42`+k^?W)orUBe%GWwc*<`6nZUq z_0wjrvP};EReNqL4EN6EF`zMUJ8np?3C_4YEd~uSghAyYFOxOwrnIp0mM* z*<(a*N)Dcm)8?NzNa3IqXxBY4>fPPl!AE#me{o14{NR#LW%~t@c7t^ekS14_+WsdN zA0CJ9n2V6t{h9IXAdX+~a>gy!M^ZU>lX8 zhfO8y1N6wH{`GAS3~(-AACmanuS$%x8x%C4&kYsG zr=eh5MXggZXaQ+jS63I545x`;do2XwSJIJ?60YTtLJz+i9Qy+bB;BTS{8l=pb{Ypa zYcch-qCqxHdeL87VYB%sJj3oGfk#Vq-FkTToVINzlHlvAhoGYiARMpDqs<8^GI?B2Kx7$tAH{;v9j=ZI1uvV&9Oi8r zt6la#zV^LZ{f0!|b$_`$R^GVu8ww~bo1mZqNa6Z-YXk(ZL>{lR9(jQ7Fy?zv8xbAt zG-r}@arFJ44J&kOc3@;5SB9b!{=a- zCQHY0SxV?eS@32e+LWXc5JEfebz+`NFHm!ToD=DM_}oyz(ng!L&K7t%*U5knhgvu@p)TyjLTr~d8x-w-~>)a3OQ%gBos zQbLq`vbA*LxtLpDw?$+FC&n<>TihBE9qD2zkw+xPjk~RuyafK zmTEKqKk^^E&JEIJwbe{Tn~=H0+0~ZsF=^{ z`WD5?z+&r5W8dyfD*W(98$JQ0D@~MN+keth*JHZ8rJIH48|2xEz~8$2(u$W_UJoI! zS`q}3m3H78bMCfJ_6BCVIxIRhI<%4@mFw2ED&4n}BTit3inGc)DdSFfZzrIBf>iuP zU3Dz_jHNcXeWd&Xt4l@_eg$C|a9aXEp~ik_?Y7;Y5`V zp7GL@dUMui&ZYXlL`|2^}2Pxb9Mfa%{szX_=1Z= zxpTOqeQ<|#{&)n#K-@I3VjvuUo`R_r%h{+j<_!yOQ*%RvacyAn~^X4dtO{kz+j>E zUVRw(Kb{9c zu8?O9*EuF(LMtR({A)ps>L1c3%0o^tqxRhCnBSHThll0XE;Si~EK;=)j6nBB+ki4Y zSO!ld7EaF;e%$3m;M68!>b}<%`tC4bQ-l&br=tUH=nE6MIHbZMw*59XoHq>1_lfA0WKZnykFrDA{l*rA(x(f432C^p&)T|ME}fXA1Ytn^wqs@2@&yX4Jr3D z<=+X+@AG_0`FHtgsp0tkb1Xp$Jqv1W=Q>!Li4rz8Hfw&oc+hj{NQ%*s5vs|N7-{%& z4#6zuau&Gi!ogqHcH(Go zb}34Z90NDKV=?aKntRsUY!vGqf)2y^|IjmI^A@rhQr03BuIv}`++k(&`VVfjU-p%a+lmlL(3A6&z~vZV82;H zr`Il-gI;QsK~9VQz$yV!R5phn_uLz}BD;}X$aof_d;PlVl&g`Mss@pTivltO0mWW! ziorb=P}SVV#-#s|)~9CeT$SO^Sk|xxtCLK>JI1ok8`NY%AvZJg*RAa@A5&H%#@^YQ zp*F_QdfrL^QEe3Jkr>$FZN|TuX1F2;CmR{vOVjX$H*$js&cT=|#=PyZW^wX^7<~|ImJQa-m_#HJ-Rf=FjBr6MNg8&OQi*J zuVU%+)KnwTk&vboWhatH9yMqG-3slH1tEkTY%40d$NbD``Yo?>pqPXD6T0P8TqxfaR6AD$kleAQuyzgDH<+5 zERz%Idg|44P$@oR{&#uYbJI>jz_j=WS^HB>NN3=RW`RRpxUC&?k)2%w1?GT5h-5A| zD^k{&6lhLL!g$S>{cT}6&a{tb4w*YGh_s&|ri5&oF9Qh83I6QKXT1s%vG1;+R#k7^ zZ+T&O_0OtOSyvbMb&QRSDBcjY_d|ClhXyGe%0F^y)F79f(HlUC;$m19mZMnh zEhp}6y$Fs9!iU_y&BY)aJVoYvl#`<&s>z;Jmiznrv&&0kE&RpBMbI-`8_HX@R)$lu zia^3JetkILn7*@?7!QNRpsm%f!ak@GjV`FtecZvLSs%RU<= zPl+wj$|TsC)lxzqpOf8!cp3XKBIV6^N=amro5TAa)xN@j^R?y026X2E-r+sW0+c+_ z^_{)*A>IyHq#>c2y1KHudZ0xrkkuKn!mBl{Kj4C%3PZ8=1-u#4EwSOb(%>4wsDxkb z3t`w_f|EyBM$z~}>_GbSnS{gHQxSLr+t2-4RJiMlNeVweOA4qeAV5JOo37L!J6dej z>h$#yiPP$a8*gBJywzaIymFWxDNC`S7}+mEA=uAP%9OZZuC3h-ly{VERMA9~+(Pw> z5^R)YB#NAGx_a*GE%?~nvtGgUCqI&~Uu}W!9nqkmK}^vv{-Ybth-y*Q(-XCZ3#18w z#j4TXV~GH#eTqoXVdG$ez`EJxOG-;?KN3@GaMFbL78e)yF6)^%HPEhI7g<;Q2O-cY zw;t;%1NPT$AMUSw@7m9_uuU*qZ|+dKlxQjGR!Bl1{Lu_Et;||K`ixkCT}lizUqR9Y zE9MCLO`q!*ez_f_%gG!1oG>d_w#UwFxvD--rz?lRkCsRB@kJc%iM*uDH+%l<%tTwc zSXZDXJN|d-hmSaKS72Y;+5cu-96QH4)LLMpeO!exJ|OSCyUgYk7w#MQb1q*rf!4>C z-^8h|A(k09cJlm-y${ax#p^N`qI{zts#E=U$kkgJRNP(lih>Cvy9aiF0utn>wg2AI zp{V|oP?|vhg}xnSHtjK~4Y8KZAv}qTZS1mImPw3@Jpp!HlUq-X9UAgd4qY6Qi6pc6 zgg&Cy?GI*IK?@!k9?sd#4e;yg1Ls&SR|UkIst)^id&9eJ{p$X&n8Xll_J&N;Tg4jd zgf(xY^T9hlhkd?OIaDli#8adj(LfEE6RiOG+n@T(iH>6~~h-8^FRJizBp4 znpwNZHR6m8VR@}y2JO)X&Lr>5zy2nPe7}Xdzojw=l<8~lEANi7gb~0Iu|k0;3dB$> z^k4!l1QS_~+xv&Mz)0KxwSud_GdhFyKYXb8%z0W_`y}pmJQ$43lnCj>SpM(6(VX$4 zCK+khc^F3mDsj5;p>BG3WTe^+syAJ(tx@yhT^4e-=XH{%-)$00QqG~~KN`Bb^}O+_ z*NMje(s>yyl^sI&4khenAtR9v%6N1V12OEk<-Zxmt>>wULb08U9a>{b=yNB2VV`X0 zdnZ&olgih8*R8Sp#rHhj0@p;!LHi%;XaSTrH*Gqv^^>xTGTJ5_7BhDW-dnYZS^W1g z)_!p>>?}k|q=AEuMuT%3JM;wEeKRauh8gZ;blK}=S(ZT1W4GOgv*5ToM=w*WB^5gB zyI8oq#P*ZFRF7RK;tC&pz3~VC}rPR1$yGeYq2L zvFUR7i@i$9=B4M@$B5O&Hy;luGo_$Q@h<+`5n*}${ZI_0!%9gyyy&6=w4%#Hk@|Gm zYo_jzf(999htop2=Rp!>g-G>pLRL|8)KZ;&q6j1<3c6o>rNTLu`EMYVH9Yn9CLk%E zwA##vR_9L8g5)NrsL1?5K>ybT7dhREI6@U^-{YZIRn!A}<#u0%x1zVjum^}hX?Pak zHyQf2y~qWGrW7`_*)|U+qxW>qlj&Jmg&>UpeGxdcp7h?s!$aUl)Yo4=z2PwJVu?80 zC7bDMyR?mf3M&0+3Uy-sCB&Q+Kw!(Lzc4?R+HWrvUTS|HG@Q;O&^Xdddv)Km3e0^A ze4{LKU%DZJLrGeB>Kb_%N5Tk`;`gxw7~9x`Ly8lx*z(M$zWnoCsBn#Fp)J^jGfaH@ zK60GacCp`tEK7+u_FWp=Dx((g)ZN|8bW&p?8_aWp2z@cJ!>!QsK&|Zp`&40Fv9Uwb zTWQ!mNB2el0X51a7u|~#Dp@#P;N^L;?VCpPTL$$PVL`Zcrzk19J!{Gn$z)n z|9%*ABUN@4O0iB!+)fJ7ZR7XfX<_+Wec$+P3d*FmHZd?1gg2brsF=xcc?p!R_bH^H ze*DtCQgS$_vx_CXzq#FX5aZYVs|JkG#Phch=P~4s2_bYA1GThCy)~UZ({*!RK%wE!4 zayK96Yc$ek`-8Yep19_qsr{VFmLF~jfklR4OIVw&zP`TsrRv16ZcSi|?%x#Ej@_c- zug-AaC*8%Q8f^z`D*Cw+q2gJ~t}4hi7lUf>Mq2oZCMM3WjysSG!vJ)Sm*$e9i1~Ie z-;g=dZE)O%Tpbn(2@<;^YaxKmR2qzpi6jO+D=rJ#A?rmIhG;!cevaioME)N*frX8a zjE;i-_yACl!E@+%pY;9LmcDB9Nq7gBd>r6;OE~>_O~CRoL|+;)mPXCVBd&Dm&r9Nc z!lE1s^eOa~Ym0w(-P>q8~qhFT8o?a?D^7U>Wa?O7UW*ycz^5&K;= zaxeEa=Y!uvaMRwZg3 zldQCph{V%ND8c`2P4J5AUEnfVR~Ex>YRTGy+VlQMdkY+D!(VUrTjS5LmQ3_ham8I5 zzOH7|8OWPv@_o#SQD4SZ_@%&OV*qwo?cDN@{W*Tn_xtrrT9gtl^p_!LjAlr7X%TWZ zDAXsH$M?5idwIQByp|)0#qjKJs!3ZXX?T>7~sZ!J`E5`#^Uk5 z+J-M?%SAT{!2gSbxwv{yW}ItDLexH`u*59Efb-!vp4&bAp4^r&bNI!@NM0BE%I&>= z$=UiBCeb+uClbo-WiV&s=eTbmaqTm5Q%`d4&s^8Y`RS+$FU#GxgX$gC6wh5<3!>f* zwQ@^<$SePJ>=_X_E|YWWT?w0$>B}wJVdwq+NI+!h;?No8mkFZs5o?dze5}hJ&l~elYcF-Pk1hP_fB3DYBgj#;`3(WUg+-fx zs@HU2v)#hvKh=^#m!G^fJynN^;F*lz6o=AAUU^VkGI7rG5`Bg^>f&3m) z4R16DQ8)eBk_|1#3xxt)%f#44dqYF6fl#c-OzmDhRqgN;D<6Fpi8c-O_16mlF`o|( zBydqBBuu-vpY!R)S8zKVaaR1aok{m%)inzERAz5+j~#i9WdtY+d+9yJ-nrIj!_rVG ziacJZUJ2;lGM8AR!@~iaG7Sm7iWg_)#SEqXu)bjU$me)b zF3udFv~#Ez?U7fv-)d|m!$kN&;{Xg7_jL8L!RMrpASE-iATRIhb0qZ7cbwX^RM8Oh z3*(2WnHLWSbic0&QWU&HV}=3%pD-n2@V*z}sp-A_v_s19%BqO5tFd81nwEzGg;27)?Q z&MG8YR$PVRZg_5=;|w=A^FXadp2_PHrpb^f%@O=_wKu6pC#F~3&JPED^>LI7d&#$@ z0Do&sneIa8AG<@^jF^wWANcV^(N~<3*64wfSkEZ9wbA=#URGfDtX3g+@oR2A=35br z3DFB4`n_VscaC&`5yQ%eJW6s*f2$-G6ldMN<4|Ev1 zCmBuk;&0?BOs}UBCVtQ?qf<)MFXMbfO^8Jdyh_>yG*jFJ2Bck3c3=GTA-5UZvgd9q znh(>MOD{EpUDtH7dMRNFW z&sZ*^|EI;~)kWnWm6LHbj6%f$M%@ORfR94IQ%2Nozgw&vU<}|BRJ-p7<%0TNT2_Lx z{Jx`p-(`Qiwb7ur=0zs^b|&-mB<*LFMq|f;&9zA{i@i${+gH=FvQ)?a3RReMcY7;= z<6wH)wA@;O277yZ8>B($yF+zOvv3MTxPVD~)+VNDoX4O?Bn(Pk?q-|Aop4?jGo)uY z$Ps^UiI!aXExcOqbMF5vf2Rig>8*;BDunZ@t8$FuXxW2t)@FX!YRa1RxA7 z@^Md@^>99Ttntbysi9OdltsR_s#+?DwbP4my)gP~+NMYS-+YHx3U64|J@y|MP?>h& z%n&(*l<%5&wty;}a)$6?cm$j%C}{`AeRTn~Mx@$k*U z@$maQv~}@D8`-p*^YLnrI=BRw5AzCPT~y<@Qk${%@+x{jwJqp=)bQw*%-!CmGyYYH zN%khbJC}t=Uye-8iY)YEUixB$&BhyKYu=BXuTPwjbfFP8+wfQQZWRk9@W)G?*PwcQ z0c#dTCImXFm;eDC{HqT?-=8r{XZUUM7Y;!jA|-|YZP^%eh)E4H9P>t}7L7;5g~?Jv zitj)(cv5wz|KpCf!bI=n%u=mGC^46q`n{*+-X2Q&A5~M4AyNGr(!V4>mBNQUt9?%N zrj;3J=4`2W#*y}ic$WBWG-mdE6M8G-wu1dVM{>+0US-!8vTWoojt}`#kg=pI`3h@W zb93od`GVi3%zv%NM#o{p(H4HU>LmFg&aP{A>?gqrd1!$-Xht6)eu=PQmxt;oo1K3J zCRujHU}k)uD&u?uIJlwXG{W&p`wf-qD6)aVGj7hX>-JmLD1H=$2RcC$sTcKi<1Abn zryrEwNmws4mEB>s=6TH)C6@RO2%@?ME7$A(9HTLC~T${=W6GdMc+Sx_< zxM^+#TEXmu$FYV8yXyVfd;Nibp3?aK*Re%6Bli!j0sj`@s=B6Fwxm$BN9oFl=!=ml z6aM-h&C#c+Ltnr}F9j35?%kaew-#dz*rBXwn5dxM>b0-$7o1o86Y8%*D3gQVX47t! zsB*GrJ_h4V_?!HIP#rKxfaNbSzObP4J#xq+6!Za&e4!!{Z-wX;jv<;R$#krg^(?^RC<9gGz8T@EAtK)KCt1dDe#R8y*@34XQE{KEKPNsYRVCw?O21a-Cf+R zSC%Cd1x=wD4Toe5**3Yzw`!i@n`BgkeHgo((@kp#Ai#QOTy@T3PriME7hVB&9N zk-Y`UvvaC>;S4XZOK}4V(+%L`9bG z{rM3}m}?299V@Bmzg`VfKQ0uUi_f1vo+>xUte8~j(i?YO zjv3TM141^!2?lkGj;42kGb8jaqiDbZaUQk}zt%i|k{Hgz_FnSy3VVz+rJ-M(jeyZ0 zAWJKAUC47-&zj)kOZAy4B?xF}Sjaq(*9V0B&0pMH&?|ky*+1ywb};fVMtHt+pOig3 zI6QA2xilWeEAV~hJ5eNQJweH)4%$y~I=1a#J^3hq3lm+WVy?RE#>REG0sDISH)L^g z6gCrAeU@+d)I+ujdyh+e^AI#|Ht<&hU$;1l(t4pED%xedDYKmpL#F5GQ+rm){xmK! z{*aTccRPt6tI!rQbdx7e$_7zvw2D#=5)lUBxOFc}U1q#P`Y#wmZQ2`B2KTW*Ul+JO zwN>WQ2QT{f=h_x#bXB@Qrng6+ZBl83l#P=_O1x+ZeFK6WKK7sCdS%(Eb$+*Qnz`7P9ctW+%#Ycn4V=C8hjy zjuXbO9&s*Pb1zTb_IvAdz>Yen*X3M8yE%g*?&$FFQyab7VyXZ*^&hXIAAbRZnF%oQ zHXYOqHNi%K?NbQmA#gS>=KTQ6+Wu3lYQ5N!@Z>LB|4Mdeuy!&xr)Ar`i4WS@hJYe9 z?c|1EO$ptrK7d$Z2h*e*2xyx~*ryW;>NBlx@q>mb^AEwhhpU#} z0$LfyNaz0gPpep%x>F&k^s1|3>Xx!i>^OBvH}V!zNp^cY_(k2n=pd+Gx)I-<;kCl0 z;q6_Jh1WMu+DfWk)LC zQPbDU&d2*Fn;JMJM0M+ZF=uw&zI-dtahA_~l7rzB@-r9%wu<4Gtp9MD1PUtZf7fT- zZP0k{YcD??o#O}Ayt~1yyBDOSq<2Tq2V0{uMc>o7yL0_Vmo@0#-emnX11=Evgn20Z zJ;ydzV0jc1r}C3}>w1+OI)(=j1U9=ceRaKj>)8`p_DFO z(C-c=N@&s>lAd-;GRZ@JnS_Ea6ReK+6#^gjN1CpB!#~_p$F*WN9f#-Eebe@GhyAw1 z5_vabiRs@TYJ3v1oK^{0X>bvC5|DI8Q@6{eM%BN_Bj(DcR@`3tex~|xeeu919|ugj zR6Q2A7l(JU|oQwSkj$1rGs%LLhXv ziqQ<5OU;{!+KC4+vWHc&t1cwLt`V+fw5}%?-Z5}P!0Ib~7_r*Do@V!IKxp(S;2?tM z#fm4uQJq1c=WZASDXXXe?xI4v{V?*U^c4P5t_tO{=H1F%p)8**HVU3T1}9tO(UIi& zrP)$b1ODaja8|XWBK=srGYX)Rexe>8&c(gDf95Ty?^_;)l3cjh-l~*w&Z46Et;S#A zv$uGR$laEJb6AzE1+$Lx9@h(9;e6)~!klXN?N`Pwv*NfiR8l>ojmW(E>0=a_>ls|@ zJ<#%*wTX^$?QSz;@xnLQk{W-FaMMiePo3GvcU8MaFaFM4zfAy^T3`l&f)OS1<3~z* z?B*vmffF1!m#>1Jj9z0Cc~VnRZomd>+p=3AaoPTO58Yl3CR4cc*%^QH+G7Lj;TYrb zJLp?xdY^uH!fwmpnAnS*7h3U&Q^jDiJuf?0NgddE zy~|IoT+6HN>W5ib{d(#&$1qH1Ox<}ot=+?CHGYSao=wf*y8T? zJ0Gm73tJfe!yWIxxL)eEvxp=pKJ%P`aCj3j;H3Ykk4Ov@tRgm%_h%AbVfx{3Tum5b zjyup$jX!<)SN&QEA-t2jxkBS6Y!P+Wf;_d=M!VVyqVA3;N7kE2(>sYRJB4k#3Wz12 z{qv#aLf35=z)+aRzTc7o$`zw3^w&6B5Q8N%3x=Qfs1iOe9ADIJN;)$THzSYr4Glvf zn7~3_a~cqTK+r4RCY$&6=n=B#z(Ehz;4g9A&Tu;gM#qz1Z==VjrhZN-3XK#B-CF?i z)%0+)AK?CJ))=_w!4X|pTIY3II=90YM(u{rL@n0;C1_Ll#o2G|Cd4<9GcrP)bjAOG z8Z`Bl_r&&YNt|r?1BwEdC1|zvyXf9M;I3~SGqg0IbMUFoR&O~n&NUMMwP!ldIq*PM zGf6i{3a_x>*05GNt=^A?H@NFv1OQ7rDd|R_@hjm!{aS0(Y_*8%+TNxgKa5c}ff(n( zvgCmZOUW`yKa$`vG%pcx`J1~iQTCC^c0H&q&s`RofTgnF`gH$5GoyT2FU^rA8ehZGyOZ9F1{>q~i&!hI3aiH<=1w$WFE6hnoOjOwQhN4#4rO%7jbqy9 zGSS4k5}8uO9R1Qq!+=}%@YDNMrewc=6STisKnqOV22kGjiWLDW_u7_c2}wD7Y(JE1 zk`w#6XdPdY`^!8I%OS8Jyv%s-y0KRNo$B0b-qq-(r6cp$#ynMVCPPA3ACqys%u4+S zDk+GpI=m5y7wLZS0INQ4m@QPeaoR|-zl+X(vCc5(w95WNa79UweWIh4Wta#p?r%#frzv@^lapw_^rxdoz#il@K?Q81dgAz9`SaZCRBnb;Iedlw2@ zX)~(CBegZ9n6Xdew`$9$}cwaz}KPf!ZH2DFUw~BvpS~h>UOS5 znk((N#!+Y*pPAtA17lHTD@Xvl&3r79F7;@0^;?efE8a<;?=GMb68n8U<1A?GSPTOquMmUY%V6uMO{82^Yft7mF@h5$CSl7d7G+sv-JTD-SKA%G zzf_p2>7u>W(Lt!3UkGA#C^)7eLV4Twf6;W6QBiemn`Y<%5s;FQRJywx>F#bsx}{<0 zknZkIm2RZFL%O^BJ3QZdf6ZF_7}o4__FY%p=Bke{dwpibWx=$trs4|00bS5$NSx@! zj{0#KI~ig`m-m3K%AC!=4d5+(`0!yJMgI;4ke9x(r6oRkvnuXQ%*{1PK7HhN`md<@ zJ?0(tcIPUzn=a0}F{pTWkKGu(go^uu;mGBPzec3SBiMm#^ ztVKLP?UT`6OA>9A2~Q`d&E3#kkwzxXhIF^Zy!M4Fi+jAu)X8 zw@+K_h{!oy%3j3yLC_6iNY~$SpZpBxSe81$R`H=p+cvO!J>7d<0ANs_rHpw|9vcIU z<*m5KHwNVeprm2lbOSg*0Eu#K;Lc55eJ+lkWEX&Q#d6~Z9|;_|lsgJ7ng6&G0I@{8 znPX#3F$?Td&H4tE4VpdELXekz7E!G+GaXugen{3_)4fI+t34Z z3z_hJu_*MOx8d01auFq?k2Ch=h`wP&)@aM@Xi@fnNhJELk?hXNS~IA-( z6iR0&8Rgf=d8s}hE<>d~A(d_PR_+A*qIzVl2;fkY5GKJ2&9Re<9ZJiChGd`YWxbS| zJc~MOXHcAnkle@lh+r;m3jlz*2&bL!r~T5{1Z4@*^3c0FuN>3S*BfJulp&1rEq=9i z+J^h3_z@`^c|PB|xrb{ypV-xqo9Yl}K*1k`a1SO*HCe@YMy!iG*0gUN__fO`-v1X< zbYLy;5VUBF9?=bm?er*sJnJ;|lN=5_VOh5I6pZD{;BTChB_z@DlF3^!;soVNbd zQ|l&YWiX@exY*^ifzJ{DecqHHiAW3x~D+U?^zCCWsYuimKvPlWOrDS7D=Th;>AU4D-Qgb?#FbVj;Iyo_INBqw3&sq+UbRWEW#tR# zNfj@{@gDcJs-6AM9z2s^inpg24@s<_M^s&)OFY5_qH^h9-hotHFf&p<*wl`Zmd==r zq>4g48Vf_oL-p&zg23$;GkKVTG>TP!-fI^7?xp8JHj+DT7s9_tYyBMBX5zjnJVu)+ zoZqV+>4ch)rBSGANl7Q(*w-Qo&~zlq(4vq0&M@;WD&w+fzHSI^TUFZE@YCRd{Z9cX zQ&)!Elj~!eZnNhr_sqG(ySrM%E|Y?y`)JA0!tZxuwpXol zQ}z9Od6nY*D8uQej`ly#zk|vBZB6xzBK7=H7G!`g3;Gv>w?*l=3>4|>Uz?10= zllOw)e>o%3M1N6$sprOiKRuK0SR`-E@9mCScj`wiI5tYo{uslZlJ9L=i24|#@bhXd z^33zjDAEWP7IHvusXcuy;{Jkt=olt>WPp-p#3Uo0SX?f^bTPk@9lVF6lgZUgqp-2U*=!o0v2eMDaUHwNLF-Ta_e8L;7)@H0SmHM zVIAdbpBOOkUxF>D9yYoIp)#RRyEz+I%@;+`Rotijxg_%Wa&|Ca|#Cs$_69 z9L+ZvW^l)8^y-O)kZ{sQ+n+Uck}2sTvF=_f`%r$Q(Dhp{ZD&B%S>1MCwi?6t4(0xIB??YFSBJOB6 zHJfP=%n{n`N-?yh%MoopigNK33SJ*SWOUy!A%lqXd8yXt2mCQ%p5Y6V0U4B3G!ir~ zH0xx&J#Qw=Gv%~ux-`vI*@@YV!-U`!Ynw*7BQZszgc{E>^;d+ps z0O8;!4eMequyezQ%>;Se4=M`&8%`?7K#P2jF+$_>=th?F_gWlHAj^M{IOl)BI~~)y zg;3662!UL1MlbK;f|w_nwB=91hfpFBO-03)sau!s7x!NMw+TvjZEJ~Et7~g^PnGdq ztRw77#qqg1^qYU^T|!Pbf*`n_$n$*joli-RhVJ&PWz^k*D#3OrC1yCWJY^w{Lpu}Z zYB4v^2(3~D?2)mP?dQuQA}3GFIjaaKz276F!rp%HG&yp=CSq~CaO;Ij1oo=q!wvy> z2)}221GC?rJkl(c^0!VU<}(lSdeYB$QRkLcqa}so$+Km~iK;fFefHS)hhF}Osx`24 zM2Wo(NLtw7Fs)HFNoBnd^$Nf!Rlv<=6|3DM1;374N>eXN+VI5Ee5#| zhQTz80@;(-$9DI9S7LGe^#T4It8?sH?(}n(aSfLG&D_z<&hMWg{5=>@mLvh|#5V6P z7$9bLcvi2wSkJQARGdA5Q0SpTK-Fm6;IAkxR0C;S$LVSJF1rj)`SPI3AjTOIE`cWo z*CtQcKQ9rH<~gFCU>4Jj)e+y|+{GifivkHK>>XtsulkL&UN8P4u9dq<4`)Tl(Jr^O zKhR0#9q0W-V&b}wdO;zE+?a5%Nj?SREei)0I>L!Ttmx0q|I6a|`AARwVDX~znjd3PotT&(t9SBf-9s23y znVd%UFN@d1;I zO1TnMkTYA|t~*+dG?l}=PS%}{_G(MAQb!-h$G(S;uW0Vq$OnI9sEO9U@uK}6-G;Nw zsk_f;zNu&@)f1yzl6*a>Q8MRzg%(2=( zpC5JDzWOjLjnw&}p;xzqKc~_t6j!b0hQuggN7CrG&Ns|5D88xTYw8Ut!ZDN&7oie0 zFORRG=X>qY*`xX)AoObVMx?$oQ1K29!qv;W;@=d>f5}Zg zY^>PMx%HuEl7cSk2f{Tts+mACK!^TI&X{h9+XmBB$@^dSI0d&L-YiB`rV!R|{K$$c z1Z~kLP_|c~R{YS`9K?HTRNgzCgYR|U zEc60%_IQ(n8JtUMT2bYB7N~SdzLQASeX4OqhD0PkhTIbaDPt%vLZHVP!I51 zhboS~hLDJ}=Hg@rMT_4?%%h`6W@($`C7Z6HFSXU%D+JW)74?KiL*0n9l1n#H2haW) zxhSkO)6>`QzibH(YgboKU`^y;C)^a28`C;_^$j7|8ssFPpQ#9aq4;BxTy` za!Wt{r)33|uyIgu8K3#$S)YWR=URSB0IOn;%moK6`xV+2@i{EqVoB)ehRT=x{zmM0 zqIW0%g3+gyI_%6lE1)*_6UDuk9}$)O_T(2iOI{+$IOCfM7bHw4#jhBFfp-;2goA3R zaPzr>jDqLxS}N1rT6#Rf0lP!ILE!)V6KstVxZ{;Nzkxs zW!}LKZ>5H=52O8GudtG)*G08HCqR5XJu?V_(S1%&Hpk9s@Y^a_3 zTXTdk_^-&I2nL^%?X~&pTJO_NH{O~X-e#Hbe} z_AGl#R$Ca^Nu>5H;x;RVms5}x^sv@=HeY90+X`p0>KfZXR#4)YLgpCOUuKp5Dg2WG zxX`nZmgMGl?c8L#QcA-O?VX&P2Bxi1bii5XPuRFCf5GATR@czb>k9aU0UF^4_MtSP z2bL^R8Ty*$$n(e$tjXKc*V)3oDiMYZVg6^g&D*#W!a0f2*+p}jJ#jc)BJwCPtW^eZF?CgLyAD~kPq|70O86Gc318~(J13AjU z`TaLQc5b``9iE-52YMQ4fN$l}DEG&qizZP$&vMPbM&7YCe5m_^V#|ee{+T8olRN`8 zaC_na+jE#SYRKYq2xw|i?277#b5GzrnS_QNqd=dEg_tcP9Ycg|3sN5<4TX}lnYlSn zTh=_@{au@UgO;r*`k~d%AC2u_4=mvok@)+bpv@YIKXGk+UUZL)54a)4hhxUrw?cj{ z4w6+|{;OJdq!7&bpC_Vn$NEwogV?F=tmxG5{P9XjJ^nxjv12?w2Jla`u&F`}>B`NT+|gx+U-CPOHPJxYZc-5PJo5YdpZGGZ;>Ky~n>>)j(CFO$=^ zOe!{7Ii&;n=UWK;>}390p9bI&VbV;Z97w!QPT$L~RbU_)FlPEN$(eU--909}s^JyX zhu64S>t}5KKi0y*xk4KV$73xuH4`M!0axZY1nNv}FQ&tGyb)d-6Mj}dW-crvihlUc zFF@gLbvcKeZcF2B&&rA{Dl37>K<^y({8Q7qA&nu9`L#OvYYS1dGcOA%ev|EkG+?uE zxG1R^&b^)~VXk#hRH@B;F5D~;by z_}XJxMDC*{3aR+gNXx-G(9g9jpt?H8lIqE6f~a2xV#izi7N>dzY<{Qj;GlyovzC4U`Cq!8cQcJ+`G3=2vbv(rLfX~awCx6J`yXioX z&KA127p*u2gt$?svKB5|@&z0lkge4R%JoQ3kL&KH$+6jI6_mhIp=rcI zMD(`>v^;#_#5ow96Lt)=PA_VpF&I!X%E%JC>;51CYj7p^O3NdWOo#akC-Vaq0cj|R zqQgnf*jzu=rl@iSyZZDI&>HZ~P5q(--Uq5cLo(kPtAwE>hRdrdd1Y$sUw|T9Lr2F( z`-mG!_UdTg#E*dDIDN;=4ucd9GdBosUk6jqrS$VXtl)JOtSni0fP7Jnj{?Gw-x7q`^Q*aeXfs-1ba4?M1qG$$K()%q%BuA6hUk4?a8RbEkPR>2Rl4#* z_Fm^l=d?VlKMMXIwS@4z4<5U`8EqjC*X;N~$snh1$o4%i*?L3MM+JBz^mXkDJxzx_ zRj-jsA)da(j%e8y_cSij$!suqJGj5KoT#-iwIs-KKc;qZeeyLH6{}(yDyWI(>D~a|L2spa}uMmR2U3TD!~D)~lIkod>z-&MM!2 z{`OXj()Xtv$v)Ft`~Xs^mUX3G>)`fK(!$cx=GFexGGOOXl4+73k2VyX$h12aEee%J zImd=iUD_<-Iyl}-^UJh^;ojOtKUv7;_M#B~*{r~p09w>O@RTY{kCfuxhMn}sWzj;G zD^dlNq{I`x@#l{e4%vOjC9VTUWSF^WkhSsO#pntT<6w{UPmQ@86I!G_4es6UIY#-Z zsuh@r)**1Gp+iXf%@@Ohnn=zMs19|mpV>%7$sgw2Z0%5Lnp3vX$agfq7qagk$TcQT3LP2Y)yTbk0ONc3Alco=@K-R5l!KZ zwf<*HBy60ul`8MELRGSsR3BAw&Gr?FiY&(It>5vFkE6C~r_Q6^STN7pzSth>u^;~J zxa-#YS&u2k+20V)P0#Z|aV#t76kT9fDdZlkaiNd4+^eeZOxFFHEc@)(pzQ*U`iTr9r9z z`W=)q9eLAi_Nst7NCDaV9DAb=#Yszuc}f}L5U7M-@pI2`1&#+*I9|;nLB~`$jGSgC zA6+pSz3Zc%cUf5YK(Xr*$2K;^QH-pg@~vU;8~4Q!PgFpkNZ6M=Xgb%FzCOmf^y>Wt zlMGbXoG=fiCTRwE;(330K2h!el;{7eEYBxK`Ez};K;{b_9oqHu%!rBBSQdd>x!j&7 zId!4|7)B#iD3jR`e1Vwlp-oQs-X=eU5+nk%M%6`boubhgz-T-BHR<3t7IWTylDHJC zh&rS%9d0&RMY?F=J1-czv3mT#?V!mfw$pfdOR1W^Qh}+m_OokA7;P~7xhal3tsYhe zKRe3-l85m>M@gFW*NgtVp8|rqE$F{fm;*3_1}apG)wJ}RP_Jw-pG(uYPYS=HXf7a- zGNM8^T*`h966b&f&SpDXhiO`i5mJfTM}N7`7!k*=5yFa|CU?6W^wMT?Y0ocD#xA0K~t1RQnEE>=I&Q3C}ksIsJwoXU;pC*$b+u&JD#7t z>Gj)&6F#daXJl+QE`2iw%DDVAXLT6P*7QLEI}_Aug}r^vUzX@)EhE{^>}0%9JU_2U zPg=wdYDh}@Py(RVFu*W2{iJr9)LbC~EF!=0Fja3D>Dbs|$RLnuHyou=5E$7iedGFqa=AnYv51ik#P!I68IWZ?B_&kkDUk5Ea`s$DFzO)2!7}b>0kS zmBx+|@2k(Cun)EbQ)8l)hUBSL7$rQsZXU5JNfhtDSLvf{d|y+Jh@zDI z4<$engZTL{{-I)1s|q^3-d`ruRjE?>RxN$ zcX6}cf+{b}m76@d6206X#>g-F6=Il?TNiuvx^!W9 zHUIf1$JW&vQ?nb^)XvGV6{U7(okO_qO0dc3KyHdqkY+o0ES;fkv~>hH21Xdh8I!QB zaFlsig0W-{@#3Idb6hZoTmWwb30miCod3zUOW#aKRjnD`Ct=hnlAnL4Td?65|2kB+ z1e&XppvSmi5~*5+u=l=UK*&DoQu>zXCER_3L%oyw6LK@x6}oinA1V z6K)H$!=|+LEe13m!WPS(7lQYu`@l^JJcWKIFeL|Vet*)aCPFhL`l+z(G{BIRi^8u_(H-LWhQP$$b6FN@0sVk@25RhRqSXj0!x3LON- z$(~!P+bOmC32UREw|hW;Gm><=n`k)oQK$rO4Fl8-HB~>bU5h9FJUtg!_xVUJATi`x zgmzH`Pt%C+gc}c9%TPXSnKCkL>GmWNl`Hlu_i(_3Jl|Qse+YABEFElVjV5ZcoNSx zEF+mLg za!C+<5S9~(uZQ7>^EhGc*vs+DP+AMBfHR(azvz0~aBDSsMQnEWJE9l1dP`+JF0q;8 zbfsB)_)pZari3stCQ(ox*&e*MN%OQ@)M-RJ zD6CiVYNt>(mh3qq*O7VBk924(D@ehjrH3yDA9sCTh z2)cuYN4&wAzx~|Kzx2svNg7s-4JLpQbt}Ce1on!%cx!7z8|!+4XjJ;dG%>Y2*t)M@ zFv@BaU@7q62;)S$JBEjih<~@G%?vx&;z?j4(vJBdX|JvI$LL#GH_a^vGem7#GsA%1 zy+0!X3IfcW1~X63G~n3k+S*1hE|{y_N35xF!s(VGCy^^ZdSD7lqhvH|M-UJNl6cs| zpU3GO@85#{T+M$CT4n_f@EZF&w%DDYJYnyAqZq%wh4ygnBuuj-`ruy0mqar0P0}MS zCr0kr(lsTOUq3ltZy6_NCkvHy45n_l3uULWOI@qQf)&(5F076~IV9h+MG*dixp+T! zCobr%xng657It`4p)<0T|0SYl2AY7-wu4v3p8LEtiONE-b-u5b77S)CFehvr$?vb! z7Y`)%=bP>#3|{r`Ey?$kaGyS`ne!<3oD|5Q!=xX{sesXX_{3HN8)rZ+QZ8Gke{egxMfY8B`;^Js%si4Uv!=?PeSA}N70yjl7uv$k( zBw7Qv_=w}}3AxnKhs z6@jeWPCG=OCJyZkz~(y(EQ2JxI~hFHCeWWEBP6M)3+@io+Xpu`$SM!nB{u*U^8n6S zTO(j3Dym_g;fBu@Mz+D3ISo|^zz|Ws4!?&72a${9vnoT8{%mrR`#$&0qU;7!`dW&T zK;_m>74J`dHV5ObtRhb<&IbLG>%d~O#S6Y`i&nz#jxllk9krjvDbT%Y4T7)Y*B0}+>+maoy98k*0ze+4LAuEqNDS1Zl1D{6n+C4KfUYoNf%XAmb zmRX2oZhQ}JRX2zOD8g76VW3s+QySZT(^>F13AH%k=tf}1E8dWaCdhdf_7&T{C&zU1 zL2oGJ`VQwOnHxv(C|ud+GYOVMi-3wVV$-Zse1E^{-L|Lj^>(Vd;0J>#vK5Za~| z;(d7hH8q?deUTwc=DQDc#N_{glC&hxqn`-+h^;Y|$McE(k3EEbL@>wq*Qk`C09o)! z*ymi@!I5{zwnQFx3v%5x?U7GNXNjYAS+|0yjeE#&ZCt%-dU?(tH0#vPQ9q9PcF)34 z?vXV%evc0#3iu!f84wXo5GhNi`^s|u6gD)nt1sN|aeIzGcSi?(8P8HZ!tHww(>NjwUC zdmrkg>c0_!Vf=3{CAHZfp7wzZ2QED8KZK`()EHej^RZ+*Pbl zTUcHF)>7F3{JnB(+*wz4ijX=?;}pVH0xkPippo*Lv-wWPcZe9pe4~0e`mp81mTV#)O^G4kcj{@IuVjjR#4v)T(Y?Y*yMz5m@!jejd*qkc1Epm;I6nx; zBwj}o-4~iWx`2+*G?$it#vmkJSy3JrGW2;G{;&w$aBqB*gO)+*gtDmL=r_mR$OO-R*a@L|- zdPec_kl}=Ejm2y3EYG2)hY`&n0vs@h--N$)%*#?9xL0*T_T2RXNIWtnu*L9#ClUy` zqXITL=`OE$F-UuF)AcgN{pHQBQX`V7)Mvu zdI!fZ1O})H%5^fonkQoYQhjFOP|O$T#7GeIE!e=@NehupSo#(C`PEW+C)R%8Kr*s; zOhfjrp9tI-0J^9-*aw-2;Ab?ADvJu54)e7@g**7}lLgC6E2DbDkI)n{BBP}eG}czE zH2w1-^QT}{!=T$%+U7lKxA0Lz9G7mof6y1^BOT)+M_@pVIo+NZQ0_z(vsllSoK?uk zfT`A8Eh06cEij22rx2Z;n#iu`nDjBFa|pX+VAfd*^tZ(kF&Hl$m8c0V0vP!HlP(yg zJXOSQh!I)4rAZnB>Uj1ah`?l4-fQEX3hjGfP^zh+@y{{qkr1fVb^*sgB5R^IL*Yva zpDPJ~L4Hx2)EW`(ePsOR6RNxW$l-Iz@icn+gr3Bp|HfwD#dtl#aGy$BopyWu_s`e! zN2LDCw*EH)8S9a>)ho(3n%nulyiaOV`}1+Y%Y9$)+bcZ% zUb%n5r1=GI+PM=4hR+rK{Hh&|?MIbL1^p;kKUpMM^{kBgb2#ebPr+Db`11HJ46iPd z9@ei83pyjV?LR4`M{L(dzgO1=nqwpxO$aJ*_7*A!mD-f}P3KiS*-n2RM@%+>h}Wd- zW9G1#W|l<(EK2;W^1+Spb0lHb)MVNymoqVQp%AIi8Gd#K%NnaAg^0Ha`?x({Ng`7w zzMje~DuDVJAOG!M+rjP_=9jkBP9kY3r?A-D0!5O7e-g~tbY4qND zd#&xF*}1{4J)gMVcVhhT-F0tyW4DJ=WoGNpv+(ha0KQzmPum{fCWm)#1npG-Q+GIR zy}bYuRciE)E5Kqc(r)W>#7U6}_eMAk#J_#?mb1s;&1W!NF2QBr)aP=qq0StyYI;yNmE#nmcsrGKeR&^B||Vj-h}xBa|)`!t)l>9hkDz^ z`!?X1&yIoROTGZy@uoA#blX5uQ;T!nB>#91I`x=qz6;X7gNHh4z14fUv3pHyzYA~w zm+5(8`Is(n|5ISS-{-0S%~lz)r{ z@+)IQISYI)3hqQW)`U*qc!5kT{dP&>P%#+_>bnw6rQ-qwxs@^8%QMrT|W3%{9^SalmI< z6=1ze)c-W7-Zojw*Fms$*Oz#F`fC%N|8ZgL0_d}{8+P7Y$zvsm*MX}iVw?uRG-FT0 zV`p#d>VksZkfQxhz)-qa<}f+{Y8H1t6Yl%T(YP^(1kCithpRC7735cAj0|nT_^KP? zruC{gk}xu_H7YgarA8VP=4bM9W_JO4x@wkPaNm1S$kpyUO3wm!^kHGfrN<;BfGO!G{rPtZ1clfrqw zt&SYHiRl~IIt?tE5fZxGuC&Rc%N)fbuFc~}tC|Bw54j*@#4z~QkwKaDf-oM6!lN5 z#9%Zy{7zg>=jZ1EfF1`IS6feCM`!CzYt-)zv<^Jq+W&ZHggn$ldq=poKdzw3aMDot zyzKgnM!)Puvp3$4tUY}_0SIF< z_i#w6UDCjH5H-!lof;gH1#J7P`Mc<173;62N?XLBP?E-tF{`={o-`|B73tj*?BKp5 zaVbTU4wsXlgd#AfhH+z+HpHi>oX?JqY4_lvCZ%|<_*FMx0WIUE{yQiroNBmc_5*Qm zY7Gm}h55?S7~BtIfDk5n0{QVeV^O{=+ui}EBi=`W?&q2+?qQY=t zCQ2sTAZZD=NVDF|b#n}&upK;~5|p*zR9Ugy*`h1oJCsP3r@zaBC|lzNmxDi6wiBIJmf}Nn(pf{R*dnW5zvSad(j3L)(b`rHmQ`f|K>0Iw3e`WHKB7%e4SZgkrc{ISq1TVOA zaZzjN(AwHscdAxKMuxAcO0CT6AMD3}Q&}&pZ#L!7cR3#)NZam5>@MEo=rW+@TK0K; z22AY*3;>+SG(8KD4{ibCmaR_2kAznW{r*6WA;giNdzQ!yM5SB*Roz(sWUNfJH~v540I#W+|=X{_cOCtqeErW`erE zW<#7PJ%DZt_B`Rpe-5V|=~N*mjEtu_JdK)$qIE^snCPLZ$v~Xp7RTC8>vCj1;z8Qa zOGE-|s9d4HU&`6g6CLVax{gmJ8#*suuiD10-gW2WgR))PNvQIocyn7OxcMwi({|U( zaFKc2Qnblm<$Y{@59kvH?4J7USoI#?Y@Mz3AGJvS8qM%zvF3461Mcy+XEN9YSrRcD@_p3WK$o#MpwU7NxW@K(qz;0{w~+ zYRK<}|7piNeqir@Zrsa>havqmL!ZdF*_FDS0`4&GQ^bVKFA1}2Hlo5dRQpp~m~grg zEoa{_&gEp91WLC0O?2hH%d__Ptu}UiJZ`!KG!5|%zn2x@U!TTa->~nE zw}K3+{pGNI^ic1X`@fV97=Nb#aUuHcDLgG?J%4}#I_kOB6XzD-3(0@}{eH5{^`DCN zul$d=Xs<1DK`gN&Y(rkpn=iQZI(WNT1|)B2`^GPF-%T=KtNSk=3vh~lB)Sa$*n9YM zSRxnQgR|wtYZrn|zv78`|4n5-(&`zLxQ0;nPM{~Ugh1vdXXfUo%C}9e8on2ihA;=7 zFcAyp55gAt1yR?imd1%~dLH*w-Hv9gB?YFP6vp zPKCaiSt7M4pG1`j(D&Arek~3}oIIP$=Y1g<%P?MxvWjiH@#srVZXIStjDmNfWKL{M zR=@0)FI>~9QiNx`iiU!DnwEdYK0G{p6AaS>jEiNLC0nl($1H0QA5fqDP26k;aEt${ z-?yC>mwp&tzK2!qnQy%c8it_n+qthjRIF{hIkqn>E^Yvw(3|k-$O7)!tLrUoWgdb^ zzM<}rgZu*ZsWI0?LvKH}ZF$y6Q--(!OCNNnC z_viI(ekuOa6m*%c8ia&N$Py(E6;ko4j55TyDNGu@>}B7vg2@U{M@7{eE`UV7nr zaXi%@=s8mouc=ih^K@NM4Pj7Pi#>9o9rneGaizx!Y=cf@-hX##O5Ki3ib5+^*}uwI zA-PAOf9qd?-{Op=gaMts#SQDhCS|@=p4D^o)$=G4tI`XWp0et@8hEvC^p;?>#1C_O-;yAsJxSUMGc z#Iql&Z>)cuS7DjmEX*|er8<$Q4cC^XOYy10DYyNY6-_4Xu4IR!7b92KpIW#>u&0U% zt%Gbz910#LoUA$6K%@~6qBiZplZswc8+W9q8of#`0@V6Hvu%u|LH5`bG&|^U6Ka%u zsOq}V%%XeUSJSGR>zAYNWIu;2<-%8n%M1YLNPusxgH87F^+fRTzy{jc42gVId_i+- zwys+~ALuF?39mMgyXLD3JfnqkOVC}^SZAP0f30bK3eCXE`PtbdOWW9G?L>>rB#O`; zvcZ`hMkRdXI7FS-J~C3vtp~gQmiFY~n1wzA{U+SGPML2`BEpZO!w?3L0O!I5GWECofIrN&1tn}5}0NqU6DTeIJK`{hbi7HGN7KO&a zMpCs*2A?RystC)UnlWP3vGSehXVzkI1a;Y(5;q0>08AY>W$_;GqS&I2S^*dReljft;S5<^TXidpz7REBfhh7kl zDOAad97Tv^v~-5x7{4OB`HTD)>V8*32c}~EdU0&@{o{swbaF%A>eN6-{G;(Jdzx)@ z7{Zc;AxYGi7Z^yOlvg<^lCbN%vCq&6AyQI4~jQO9!#96eX6iu8l$G|!Xq#naNBc|)I%Jilw{6?u$ zT&0s6rD>wX(e%65*p7T2)MSy0L1n=knl&PKt>&5wfCH4hZjvnJ)ZOowF;*%WeF4@Y z-;wxz{RRgFN5dbAy~_LUF}8vo8YkO`Ag$+u@8CUEczXR*T>kPTsn_r4Iw zK>_C!y1`Wioi7d*BpFB?j&OCD;`s@t(2o&x7O)lCSQV0mJn`GTr!&VpfL+&R`2)I6 zRymJc8Q9MfVPF_}u{rh2M3Ax#7tJ#YPt^QoD?M45VSib-#URF9s6Jk>1y=y~af~gF zYd&P$#b10gjtU!rz)X<3+)pJjz{}{52ZfND=|cBEsSmK2x*w&jXv}1^O~is#$-5k_ zDK7DQY#m!{%<;!A@n7E*FarJd5vH29`PC`Zav&prZs;TR*P`&Ly#y|k`V}m=sc*zJ zb+g|6*cS8cAiq?B$blZoNhGOwo=AlNu~*h=1_w7_P)Fm76()z-!pdlZ9yL5uBn%0$ zGb=GkB&AqjZusl3g=a+^@J}lm%B-&6IGW|>n%n=l0GGl&CJ6-4-P2I~b8z4x3Xc&V z(Yv+7r3qMcyUx%MeaU~1Akyzdh*PynnE1LZaiTs=;T zmEAxYM#ejqr&Yl&xqfrQKF0rO6F`z$xF8JLb!6fW90hRm#^ZQ@?#}gyD zeTYR)Npf9cgBqC!2EnCkJ4}IsBN_fJf(M;{VyHR7750_pv?TqXV0gHGjvOHLmIvVH zL%u!4~ga;VS7BV#DYb z_|-I3l9k+DCJU_)pH6IKTMDVeL^nza4~6UKr}(fJ7CThw%Q7Hqm|jcs+X6j~wpA#k z)n8DCYN@f2ZBIGg^_ayKHvns6GS`8PG&`ls*wdN9Rq!~`|nuEH#WRhSxtoKSu0yfu4gDUl-!9Ltf#IHAsm zsFOa6_Rv^kw;LZ_EV|(scTD?m`2T8b?0Zv?1LGIe?!+sH1}#%h&*pPaKuYF6Ux7Yx zV0?Y$3B~t+4}UW8 zwX5If%LwfuOv&T}V8Jnq)?6bXGd6pw8QgKN^KfX_$jwDH~;RB8RGjhw|t z??$kFi^UCu_X>U-e;=D!r!VA@pSCDsHCSrYW2|*c!Q#2_)qtdSarQAu-&vhS!H(=n zd_-LbWBf{nMZ+9W+)y9bjaAAG3aQ1J-xGTA5Hd0fh4Jj#6jVta@NSwX7wy4L7)oUF zsIU1@$o{<{ylovOWA^J-yAvH@Q4w7zms*3gDyp$+6WnmC@qt3io}Z)@RyPeaC0XjR&0 zNmJj0rfb8{M|(>0Op4vo1+|jWA(mo!gA9LjObZ#^^}yr$MgE;cCb76yURE^0J05&w zDvznj#XLxYcUHz%viDJEi444UONH41{l;2_Y~uJuVCgQGAQP{p8;bux;W3ZPvS-Tw z6eS{xH*)|l(LxIEX^{L0{sq`{Et5pTGZLjJrP9OpUL<3qxJI=0A@mCZ59C3gG0M1< zjoDzyCEyNeA4^NQoQp}=LMNm5P>eA;1`d`$WNSX*{WKUeqLwoodw1bj2B!IAQx2NW zaW)e*N^fEWm@OPt1O+F4C>V9`=9u+edp%~m+?~4dtp>wFQfI zGyW+|l8+BJ#Bc?D-^w6jKrk_<3Zr!|#m@rRN+?zU%%=ZUwl zh?9|h>e%(wz(3j<&5r2FrIpMf{?-?f%7=L_K{V$8cXpo+(*{`i{I@{w=EfyYbPK>p z_V+D+Y)Smc@AZ8E<`Y|Q%MgL3N!$HDj{1RpnN*8?kK-ZyJ$$#z-2m}Zd-3mAd3ndf zilz%hpEJZa0w~`u>wgcX(eDH6pW+5HN5`N2#GVlV+6oxccdM+6JB^zxFq%;Pic;WD zWRov$l#qdzNn>OgYE%{Dh|TLmtHIGlnTAGSw~~a{XST2l!$q?I5zVx{N;iZVFPQ+| zhogh(8y%z7-w?)0_(*d=GzVncdZiK-HQ$BI=HHuMK}yOr?(ifxDzT5L_v57k<hG&fu>zX7 zt;>wRmPPnI|Bn*`A}=6f(6#DR2@xicSXJ1&W{I_Kp)#))9PTTGfO}+iV{#)PeA$bM zWV31rc80M7+}MsiN;iZ&%rIo+*+($S%AEEHONh;0zKRREQ}0W^20^3_qQk?FOh{RU zCpDTt>tq@0i+w^$k4^mu(5k}SMhvbvbU(E#%80t+yRd@H^ynO9oHj!t0{B^;XyJmH zV>JKXe60ckVB2mQs?JmAS`d7Jd6SO`(BOo8{P9byELv{z+hHmT^`=iE`l61N;ox3f8%kEQh_d8 zVr;iOCKDcxqO{1~|Iu_6FmZHU8+Rz~P~6?!p}0E~Def#3FYfMc#ogVDI~2F#)oX=iYP9V{~y>c1Ri_Wa-mi^wD%V?bnl_DNB3yWrBo30SdSU`>nqN zOPXM`K5`!xHjJB4aFKDzkG6D9)mwG76(K}sMBUgE=8o4Cz&28h9U*CkC?gn0YstKG z4&$-+s+sERAy{CTI!h0kk^8w>?+A{N*2P+l@*K&Tpa<#FM!E(4_98XKZw1az?ub{% z>$JAfuaDb_pY`9kC6DEQ|A89d#(2)1&9*MZy|ue)$Ck1UfX9XG)f?sw%n8&~;7bht zjM{+ao?uFlnklU?+`mZRF0goi`yPW*e2Mor>~n`wc@<3Qq|u#X^mKGhjV276Oao^A zVd=wD!7)2i?GiA+d-8ICzL`(&O*uTYApLgP4+jZ+gZBb}ff4YG6%Yjtof^MCjhuqL z*vz&i3VzJbtIu8mc7A&L`d@$>`T-a*{_@!N1;?&--_|&tbA)RSj?XF?Xdc9sQ#;>Z=O=zgqcYIRBVjfJQ_3iJ7)yvjr|5B2x;*5QN_r* z)2WTX>bK{?B!VE8u%Dm0ip?AK+&wBoW+~1jWT^-aq2RO% z*3v`{b7F0qyX4>7xSPqUNQ!wb14%H7iU%|bodRs|U#c1=tM)VTG=18|5x=;?G!Tgk z$zw84egSOQFc?aY9V8I;hMVxe;GGGKy}HkeI#^xd;zmrN;j(B$ZkC8T64DWTER9wG z;^E*Na8}(IKc7B7k^eQ(Nx`+yqh5r}OFjM`JZij33so@}A_1cJrpMdolmuiohE*`= zdGFi-U~97vLYEL=>!}2(r>*z5d#q7*@Neq;Ur#HvtH2lj1xU8tQ_TlR503}5qKE+w z_vaD+ZFa{K2m(Csb11i3ZXtZ^X9 zutsGYymEz-9v&&V8kEIN#b5>U&M9j%+%nG|~Qkl7`f8PqHA_~#9 z7?Q-{AwrI2#BJ5J#y;#G@DjA#JVE-CHRrY)1aclC|D^UwSA)P#Rwtt?Qo5motyY~A z%9dfjxz=^mZ49>CXf=-P$g7tczCpjnf_-nmBQ}ajjsdm< z0EvSejsHliq#<&h7!Pp?MymPZe6WA~mpl9U!dqunH~;NlnUBj0@HmS%FLM#1N`-*O zbl^zkj{^C=P@bru8k`?ga(u2wC@Ml%FrgBGK=|t#v5=?pMs~JAcatQ<2J%b5j79P+ zZ`GHn@7XaDFVf3God3f3udQr8wmSS4!QVhkb&#}%yk??|GE>ak_a+5AwYp)`J}Yh7 zy0u6A)9rT(rTDH`j=9`5mP;#AwN8Qdu*pb}^3r+8=$C#ufoOa4J*lruOtyQi5B~@Ka zV+^@EQH@iTi?nsMn9deIO)KuC=sfn0AWV{GCn(FW_eicvhIx|iZ2Md$$mh<$)9x6- zAS(aZNK3O=wSOv=-r^MB%v37kFOu>rQY3o>g54GqHmdtqf+dO&CD?{js}iw|11|^f zHXI8KM@hamNukmU6B+sP6RFlu!hEtv|7e%a9C(WgFo6$~gfzO3x5F-E?!jyl^G6PO zosn%MfodF;1gaPC6a_mv{+Ia;YmTeQt6+i!s<)QP)ZvqJ9W7i=Xbd8B34U=tV;tn-K_kC5Y`M!ng=hiiQzbDqMWhGY@VPpWRq_pYnUvV_Vztn zB5%*{rmn5G7W?SZp_~ADQgcqR@5V95LE1H0=A)1eFG>^(?-X{>|2 zSWW^zY|)k*;N4FW5yaLjW6My1B(h2myyEaPe{-RGkgf%W+3RuQ&nHGdVWu{n92wGo zH0}9jPxt6LOn$EZuI{4kmMcrmlr`8*_2%S=a1HOH1Bo(7L?&S(|gaTKc{`StUO2|+IlbC~@L zO0B_wpbO`u(G0b4dsdsrR1Is#gYJZd{|0S<@H=)s3|)1AAU{(l7D z`7BuAkcHG{WdG7XHKVHj{h}c~ZeHedpI2rhU!z^5t)O-;K2=Z#vH%4(iO19+d*%>=!3OVeV&gJr5 z2NOkCyQIl{5hJLKs`lkuEb8UsaWn#7AZ3`Hm_{26^lp z**UP5SVtdCL!yq&foRKMG55f9_MM`gjK}fZg&$9uvRS28W9Y@naIeoSG4s`68@GM? ziAZz)#MpoiONRkFM?k(cjAr<5{9C>!WX6!^FBTJXvEE#D>k=`$CtDXN8I&(sQ3V*1 zlHz$(5wbVr1|Thd`$H0UO{t}qHbDz<100mss83lmXQ-c&^+hTU8*Jl^RMSkyq#G=m z-DE4GCvWzTK@S4jPiTWiS`hnuBW{~Se&;||^=X$3iLiI`#VJ7i&a>_Y+KP#Z%NgNk zkA9Lb#1t#a)wv-Mt->$LxdPH@79=0~+!ZqEqDo1P+@n+|Yw}lltQ@GU<7K=O8U13) zVb*PP5ZG^zQ2lM0KRpeOJ&e*SF`w8Z9!>=Zi`1T?#-1-%?C+W;1j0;35vLqC)wZed zc?^*+LM}NVs(B>F4PfP)BegQXYU~!TPt4+|a-dZSPOtoh78XYqHNeK%*O z@+~q&bQiO4NE~g;ghZm2cJayLFP1SJ?9q+`T~*jhxx_~#%WllweoFinUxRjWHh08~ zdKHi8UoD7*jZwwD5Yxm$7=O^k7Z?=TM-nX7#DX$5(DsUR>0%=!1d%mKg01tz9Mo12 zjXrXqBv4Wvm``xY<#S{#3ok%83RcICMi=>eY%=1&{^Er>oo0w8}xyHr_h&_zTx)YGB=wAR95 z;DVK3)KWA=5HI7~Ku1^kw%n}5Rb1)*Gi9FSPF$OgiE}X056SqHGhA=rFU%=}>5OM} zoT`$LnW3Vi>lS_*I(`9^cW}=85cQh@nsW@1pz&}0{?`$I@otJnwvDOV)B7a`=|*Q{ z5II~GyPT;Hyo{3e@3{||20<*h%JfTWuTQ3&;#?yX8mNj42bqP59a1F$hx(~QZsSq> z3|bE(R?}5UkqM0C8kaP)#fz95|XyKV( zwpQ54=USrK_? z!l@rLI3Ty0VYd~`F>%` zxzLjG&7ND73Uu#yIf|<4L1-`&PR*{C*V(HLdwK+6@Aa4k;Zjxbah6*Pu%sfVSQ=08 zmzAW5>&PiQ^V%GcbJfsQ&85py5XMHy=wU0ImCGmz@zAzP#l+mixUa}yMvkFGV#yCK zD!mysV@4-J@?r<;E5A&1C}{E4;V1wP=G++fad?R5Xdtd<3WIU63~V+>780(-oMt_L zkP>KU;-@fj@_x>1opq1aEtYkqUvwMBvuW7?UeBQ2Um0qZ=$n4FsDYr4eI~JPl zGL>64Vup$=j37g}ll)<3k`Hl?ZuWRe&;1jr)Tqw&WRZR*Uvw7G!rX8Bivm%1l<}Kr ztSY$>xQ>$bttI|Y5q&>g#>*VbVr>7+zY;s>NnhJPnHLhlLBCBi3DOtL$R!DYC}rqF zPdlL_x7)q41G9FKP*c>a)y=OHW0HItjS2H=vsj!7&=EY`XH$rMHVHfip>eA1WxQgZ`2t7$lE<+C~Je!2W z^9-L|b${C_Us07o?6bhV<{R5QGgkEuFGhn)WRp3TqS{g5Y#V#A$ci}%Iu>v0dUx?q zIXaa?zi)){q-+c9!nj)OY1;h0Y7f`b(9l1gOxyA8kt6)W$Gp`+r<}`cKGg{t4){xR zw;i6nnMQq<#@%8z<-B6O^V$gkqFJu{lWjDE{}-?DAJ^RA>v_I_oW z!7^Tdf-jLn`z67oz^9C|*-`0^(KwFX#?w04PeO1`Y^i&UW)b|ErsXrCyRvl&*T-m= zZ*rKNY~!RFpGU8iy%KTFMopw2r`@b6Dj0t2DXkbeTze zupR*t76Svys6x`9Rhp1&xx$O*E}8i|7mTskU$6%X${LPeps2WRP_?M0-GU9W~Q2vlUO=ucYS)t2snu4 zRsFWn%(#&${3WAKx3pqmY^*GH8n(Mfg$)Z(@yBqXCdnES8bpa-cw8jQu@eCn^v6#z zVvy59JY}6dCo-#>gkc|!Cx2?*TdsQZ?f>=Yl zzHe5rJkd~#D`KunUn2ijz|2*Rp8{D}%S>#KG?X@7Y0(y8%qkV~6YqNYHiNzj2l|iJ zYZfA_j`3uD#UxXO=4yBF?1Ytos9lX9RqaQq5Wcv`!t!vc+PXTduwC3Bz6dI1dGOk7 z2dq5@feRXDef-<^d1IR<&J0}dx#r#ER2*ctU}bv*LzEJW6`yK0K%E@IrgazF{AmpC zdQ4mAKU0)eo}ZxhuyV$LqlGH? zwcjT0I6_hqe$m}}jl%ai6C*X149$tRuIsf@%Zgjds3P%64k*SO!Lp zY?ZE3VGZh0a>1;p2f#%!@0EFcx28gfC(YhZP+rvwE+v9LkDM(en#|pn)}xAUOL#!V zFRjeXEwPR;fNaf@k4Ltc<@(tCm%wGC$P^isQ9MPg3|aZY<6NC$K_vYQf%E%-Av({m z6hq`F%Yi^oMYrl-6%FVu;}zQ#(8$gS)#Q%}xK~0@S$0U;Fks5vuZv z|D}lpcxAaOJXk}1QXus4jY$~iJ_K{2zgR!)Ak0tz>fH{oM2l^}Lcv+@nUV2+j@!B+e1(hTrk#;)4t zQ47+1-0QJH*Z#Vi44ut@-1X_TOa4vW@PtEwC*Yyws=9mLzKDUy?{JFAr0Q~YY=2 zYwBw6Cz{5FVs(YoO4okdgWTO~U^91+8_P@#kkKihym)w4vQmpmHC=AEk69aB!9z}l zd-;*!kV}&;%O5m3TuZ#5h;po7X{TkJ~O7a!*DDFZj%fv^}3LGAoQzi1*x@WK7> zUg!BwVktYZ{NvNmSM_k?sGnYLtm zf)aG`KMVFNoGst-_(|nAlDS`)oS2wU5)^6HY=KJU=fI^U=0Sy1f6UoXua(HS(d=wD z*xye{raoO5>78I|5Eg7JV48MT9#=z5HXxCFh@-5WaM89|)~Oq#4^ga!-2_G3RC>Zu z>EaofBFSe+VijZx-~kz;P<9rG5HOFl-KiE&*rr~KLup=vD!$GQ?T zS#hgON<6Obii`{5vX|ClzhsB%Vza4C+{Nw_PD34o_&667l%+#v{oiiD{BL|SZ-g&^ zlhBKO%pde2aj%G#EV2<$H?aEw$4L$aQ2hbLG1!3$(82gUg!^Xz@sa<^G0rFwHh(x` zim|KCN84vaYY?@08Md-4HY{GHs;~qjrm6GnO?gBZCk+kBC6BGeNtzZD1@6R`L$$g> z_#!Q)uDANv#mC2f`iwZqAmf&(Sd!(_Q%gb2^(QWw^!ei`j|7JhNRJ2dbe&E3BCRT4 zPp2q%fwN;abn0jT#^D{?Sr3yXs{RWMvNY_pee{Ey2(*&J#0Lg>F1D%sDFQ=NYvXg(63yrGOQ`a+Ta6fn!Kq{w6a2Tof7dJh1*Lsnt$hj{ zX(E1Bk-1kz=+qh#$fNTn57}T1v7y{Mn2dlgAQWLN9GJNbFk^}NoCA)9FT4PItJ_WY zwt?pQE*Q31SBB-p3d|p-^Edn`bEodpvDEz=mRIE+9`cf=}nY3k5Z zH`t(zSusUOrg(qb{%4oXO=$at&k2T-Eqa*gE`TeDUh>D5Y7VRIddF2hnwj6P8@k^; z1yGgkQEqRHi%udDDD@O4&%JjaW>Bam2YEIv$)x{244qGN87eK!u&w`mX_e91!C9+s zjj;adYUr%4N?@^%h1St}!cZWxv&%X>Ko`$vTwF_|acRiqk##L~(PLy?_i->vEQ~(l zCsl+^mSaN)fF+)gN5t);{1eX!Aqz7d118{}f-g?Q;C*kbF^1Lmj{<;CB;fU4hNeso zvOa85*wp)+6fS3RDOLQY{J~qwdkHZs641UN+168mIzybEo0Ag4XM^i$T|*BePFuz? zJ7T9ugAfQ)EQu?f%9uj$Vxa-mA%mq#Hu~jrnI^k^e!^CCLN1PK^V|iSfG)nq9u+?t zL7;9(m$q{u!V|g}QEWOcUnUU^wVw^Fu{Y>2?nseLebW zikCjMsac%6FeK~RZ;|yvd4V_0LBDNw$tF`N7>(lA`yY=hIBp@y?XofLY88r7!v)Nu zxE6PUQc-cR+_bikrxTn?xgr}7lcAcc%GUegTzWIIc3Nbn=0{M%acyt#SX;D6ppJ|sk`uzPo3CRVggLkPFD(mjJ z4>1UxNPr0Y+2#(#?Whf1)DG*aOW=0`4-vF#Sy-&n@+Vjny2fHGb;03&Ae)PpOuVTQ zYk3^MDVEp@5>lmHZGR+)kWMA+t#aqfMfT9!@7qtD#G4Km99nnvy|!0Ii17 z*a3g|ZQ4nhv?~_cIl}%B!i{dVvZ)H5Yy1V*6Khz0B!$sQSBj(aB#PV$`_+E(hws?t z`#!Fgq0(s#kZ!cYb0W3_X%0%(g(66;62aV~UV?$R9ZVm{{e$XDu}&ru=+lX%E4kp7 zzL9Z@=rj3PR_(sLUA&9nu^Jr!dc$2H83`QLq?s?a`-3dmm6U3W8I(^njB4Zo}z#+R2X-ED2p-I|6G`{h!a`2TlmwEn^|30z{b9IHKo+rR|GN?9RiN7A2_2l zN0qtJ7JAr7uzyW=1KAP3o6yNe#wszGbmeAa#OA|AVAWS*j-0r23}DxgRKjewowT0Z z^LcTCYLK~8+4H-qb+6)<8vOLaPZ@?k?Gt9lE|OTEav;Uvvmh>_Ozo@U-{9lS3DN{a zkL((s2FGhsUH+jv(h4Oqa7&22i1Ah8+FtdJ=Y$^rt@Y?t|6^V;QD4XEI|!-ksb2%< zBwIFDG81QoW|97^iVQuz{Zyb8R6i_PkJ#cou}-E9%%L_2uaR&?2-xMtn}hjhBS$eh z8fK&YtbHJiRI-ae2wy5R_j;et_rc?raoYR?fc=OIzLFJ7woFV+&VN_g{dV#E0zJC- zNrbM)D7z1top!-8QSiC-2xykZCXL@*dhdHKKtO;EbN)>Ut8e5=_YpT(_OV~)cT)BM zWV(#ZzWtrO28VkA6LF$|HsHU!Y;M1j{3o|-FdKcy?t3KidtLF*1;%BOV9hVw4){ZX zbHds--H8|(8M}eEIJ98(Apmyq&hykoc^M0qXZ#2%IT@M&u;iG1xR`l_zDsP{y?Kx@yyDozQ47<2V_j$#BhI0^|qon6Hhrig&(J=`9Db8urNULdSVKOX@L*I9s& z)YxmbeCh_yt#JW#USOJ@vT2=17*Mlwj~LBB!l=q?w4ya+<>yYUZYnh6#v{v=mrd#d z_VBtxtxOY|<#FpGwn4;VsxXyO(8HZ^YQ>%@{B_v{>e34#%l+rC?b~pVWkFl_#dHYRh=mEDG><)IH$xrE^;5O_RGWM^6-1fGDCX zRQ>&4-_YDFm3K@m@U{H-Rx%vz3OJtHE_?ts-KxiPG+v#6>3^i4iMki0wqGvDtqw&k zM=EazDxP!EMvFJSAN(H%y8)1^$f)iH+!TS+sWfaLyEK5-oL&sI!g4dFCl4Ayb@@}N zB!q#vQVcm7^NayTtCa>ylyC>eGzDt7{m`#2HTtaRcx{nWhJtndVj&@kLl-@_HWG~k zgqyvlf|06XV!lzOG!W1sMg0YZtp_f0iVXcDw}9lL71N>+Br+?))R!JPRcxZ!mig0*BpOwoTl&h$+H% zXh|JpaRFv=9GcBaw&vfn_6R~*S?H03Z7z<<5k|)TXryY&<6{k^K(pQQ5Q4!^`Q)Q z#*L2|OmEa0SyT8a+!DQ!JT?>({_9J|c8&MOzN`rozU=nv8Fzk-1lsm{-`U+kfJ*Q&jQrx;vEbtntw=wk(G?N|FpfLE1gfrNFcVQ2 z#@W&`3uEOx(vbt(%nXBMXnHyZn9PsyJr`EY(1CW^WAwP;Q!Djh3#Rx^8A9L zhMz=3a9bVGVG$?Mz}8GrsT>=Cq0feDq9Xz;#I2y!Ww^{v#BeTD!iWuP$zQjSCvz$6 z8m3KWqdy*CFuJBX_Y--(e}JPY=Wp^UZNRuI(D2=QlK@(Yba~I-?IM|nFYL*9y0eBe z5xYV1h{dPvjH>#kdbq7-``#>mJAk7x0ClHKTF4J$%5%4=$(t%FCs6_5GH}AT=*N2Z z%#_qeZ6L@cWpGW7#o9dG5DXTADk6_K_)iarwHN$xKc{{xwwI#b86m}^r8~b1q|{|P z;PG!IjVDHIr&%?9;Kd@ENCUBV4110LK2J5Z)}G4y*g_OsSaiMC8f)Q1aVGJJ8ykbC*|as$ zWqbzRj82=Auy!yi{VpVxwLE2T;;@jkY4p5^96Nn>a_@#11a zCwSQsW5{XJfZBJSF``!2n;q2Cc!j3=!Eu-vVf^gtMx+`QbQMt;;P0SIMOjMgDG%Bp zoqiAQse+J5hCoAx>;o6XZgoB+vp!olo;!i?4?s~Y3)DYAwJQt(XwCbEz&vWe>P7^@ z?}pbud4Dwi226(U-ovTe+5h;?_x?}ieF(gfL9141^7*~+Ir*L%AO-~#eTu*S&sycV zNpv5)Z9(#RT~oyiT_dpitW5&m+Xq09;mg*=E2%j8zXwDkR`5(Wrc45jjO!JG)qI=u z&+F#UY=eWPe6&3_(vTdT3TQ0 zGr5YFIJY3|TZ8_bA2qD4%;GOJ_l&#RZPNi7U7(GR89FXBD?7zb_V znQe|{PP&a69$yidNoO(BqC2=3WV-X+zmpWyW(E4$+Z+8`IZ8B!SF%QTSHd({V%S8f z9D#sa0AqfF(uKhg#6ea@AzcX_Qv^*9+M2K~kFlrlJzhMdcOf}5bxe4_=kf5APGAZY-^$M=U(uTjCRez3Iw;3&)I{f`cuti8b=bmyDT>UR|l zR$iOCxut?jfg^@+zUkVi3mDJCyoB|2<_a~PH*1|w#CT#@lzHS5Hr%vO)_E3ew3?c}{4Q4+KVo9m-{ z(L2Eo^vx<2982*4gUBg?efl0A;>(==(0enwAuk0PjkK*O{)Li!B5ZUu-e+6opd#TE zML$+GT`9^6f5N|BGaX*D!sMjiW#QEino}DcsSoh0nL7fb$XKzkV*X11iHyzm(d5iV zPMqYGXv=(K3rz4xZ)rf-k$2-y?^J_(%#*zb;4h1jzNad{9!&FWI8TuwRgIvxl+&! zx`GX|B>%LhX}wCC$M7A7swUZze)xNkiTB&29D4>c@6~w_dMJ%5HARUojZ{T~;-o4O zK76<#tfXY`>rc{#TFj_D%<~W?hnogS(h7QewO1ajKJ|u>Rwlw*OQ>$js74q=jxY_g zEcv=hY*e$}Dp9Erud8~OXjF`u_&I)QyXh$8Pl&oarL-$*=rK0hv2Dm2jY6O1oArt* zng=E-H8PT{r6HrsrO`LGK)_sJ!)=ovUdqJC4yvf)$eA8Xn^se*59|0vOZZSUr8aq5 z@)g8JnU}v#%|L3>0uh-i9_@K3cu*V1fYFA;3D-aGYIw(7sPutP8qwNbE*OHDC4P-O z(ve8Q>CKPWa^4FtS4^$3#&ym3btqrTzv(t_km-1vn1|xi0ReMY3$?23OIQkVZpH{^ z%Z?cF2A#_c3(N!j9BbSt8R^( zjKh+S9Qvw{I*KKD^dCJp+g`*c-2*8Y36t0jIx1?#ad!4G#HB<(fV;I_Qz?t%M~rMvYi}?qX6|eWkFe2*8t}ZuQlc#V{5B)@W$@Gbedm z|7iM)D|;i|4rWr538Nvklz`ReV>XjO%tSPHd#quhX|-55w-q>;67E!(H-6@z#tgj6 zl*vlnoUSbX)_tL&cQeW((%C(pku0Lx)x}aIMe#&GF}?gMN?gmC#D3j_ z7RkDKTw)&$jorHwu7x;XqDWw~uVq}>(6*>Eb;_^tLHE&v#7@l1mXu>HoHO@YC-EW&J~y=pQ$yqMmq1j$Bd6>$XU`VzRyi%2TVSlh~UIT&lqaEL~}mgbsFjYJqkVu zsiBc1Y(@Ve!%XojV6}E%K)LLRi()9j z>=fy~{XNf3>)7~VISpjc-xhgP91vFBBpYdwWa&p_kj_X%R1{^Xij~xd+i9hzg~75s zBvmg6U(Y0+7JF2jRF#Zp!{7%}oNlCprN%v@P+%B}V51c&(9KCjkw%l}ysBIZMIR&w zwev{~TV>PD5T%EyEyAQ&vnXaz@&_w%H$IB{xrwGJ%@nrkoe0bzI`h~$6{%UH*-Ed$ zH5bS$H`6Ed$b``qL@05CIyme37E}%Ivf*FQh-wdXv?Lc8l*ey~lUo_GFbHo)mcFEj zNP%2;t`uz_M5_?%Dhvf(^(*fF*nVe9+M}?Oj{YfcgUf!~N63VOE|5#Ak+xhzOijUQ$Ah zCgMx#!E=gDW?o!OgViNA3L3Skr?0aj?y!L%Tm%j=!h~k6P~0vCRTF8( zB$9Buwn91)yNv@r)DS4z<(*k)b+^MuHw@7lZou(!gQpN%hiWf?zR_|Ah5u|Ij;Hic z1h4XJ_9I5YPlys?7Qq2XdzLYC?ja<;1fLhO&PqCWGeIql00o)$6s}KLOh+k$-Kc4} z6ifdIgvf9i?tWVL>S+nvs)}=uXP0PgUp7Lt=;Htp*4%Z_>=J2~xz3zpxJ#;x)9)>5 zu5BE@K3{tXH`9FaM)tX$6Iw9*9z-e3~GG^;np#Poym3jqX-B$v0&%Kx|kQbUC|l0t*t ze(`hH3kPVuC8Qf%*O%y*lF|sO=3&SJri6>K4J}Lgna+mBhK)mqImxQ_ zw0+SDrSxjVMc5>J;p%jO{8;s0c0ev@`yAzr16-<<#|eCfCuLAbOc9@^fAI4j;ueib z$7>zT#d6@9{=Iy)zibe4a*@~9AZiejF3`m?tzon$Hc9@jYpZK0+sblw%-Jt7)^-)R zm^N~~)JFMwb|_${kq}MAPa&3(Db^hwjA*8$mz;oO=7Vz>Vm~=oKt5EwRWzDVxW=3c=jW z3_1X;@d8`&fW5ke!?JrBFyvw*LN+%2N2iw;+G0Q%k~uq|0T#OmOVIGw=BgMJYW^m@ z#9OxAfhlaQK9OGL=~@y(P6~EVJxDQ;c1-qfH9@EyMxQ%u_Qf-wZ^ZVW+Syg&EqfKG zELqJevrjq$he4j2s5z8nOt^<*&K*pvSc|A_T76h^)>7WeHnz$7NeELB(;hrrYXOuv z$i%Kpc~dmcD6n)(*CO^;gF))6iGzr0veNBeO#;*5$xZPwr7-{!h#}Czv!RSPqHMIn zCjo}4;qK!$l=8Dp4W7tuw5FJK@(Or?u?^cRs5MYAoReO(r~9)j$dD4L^VXr>iB;~? zZfA+D-(Yai52*is4OHkj+ADRXVdD|>rL&Ej<8ELFWm|Cjs9b>X&13{t9Jzq1%@~3M z^1qF@_5+!-QWXFy0n(9p(Ko)Ts%ay5uy_uj;u*A7>3)j1))1QXrEhvteeWpf_#Agt zS6L+ilD}6Vf;YgirW?kgrTNNz_y=XP{|I>2Cot=`Mr#X+rYE*At=MaF`diN;RI9kF z@`Y#Z7{opgIeB4S*_p-0aPTbUnXG)p%R_ZRi<-owN8ZCYio&N;Xo8jrbM9}VVGy7< zO|&n1au^vF8dXb(>&TYoVsL+OZ+<0Opm%o`tY%WK)m?0?LV6h0cJRBt6l!C#&sE4O zl~P+I2Xg2d!I0J_K44bjJ8p^&vNo>rD$SZj!B!5isz-h@eF($S=Odu|LF?P_^^KTo%j63=l2YCom_{wAIb zaXu{6$rpzh1oY>`|Gz9Z-%bF)1HeOs-X8X=YidCMeyjaAdjUGd0)n)^!Ct5M$akMT zZ9QR^r+*FY=TM!OV?1d0{yZ%Np;k#A0f*Lgq-YSg^v3T3cQRSY+AmR5$W{iYg#DXP^zU zo^snW0j5cdPG0EhAqFkO$&!k>yh{0ld(MTGk)P~$-9$K3n9DDAt{ZTs%Fy1s*GCfs z!r#A=AN#kvopK-Wp~da1vN-wLCu$p6exjdEj@#>O6^ZG_7fMV62(;p&X|$fdGP92!ca&XU+VK3s?~ zn|w6*?4KSpJ%P3)3Tyaxw|f5=LL?Po#|RDb!VJuSIt|#YgxR8pGz2zLz(K>x%q$pa zx?KQn?M~-;tJ$-+W%FY}hos}NU}a{xh%$mML_9=^5Kl^dvHI_WircN)Ca8x(He3Db za(_8mpB4gfyw(Hz$-OC(dR4P}~hIYEL>Oo2J20K6GsO z=0cI(+otc_I?MK?(eR?UFH2FoWw_Y-SqY26DQrFi%BoxvJ(EB`VW9p?;n!nT zD-lgTR9b7l*DOVu8Se0O|71O*BL14)Z&`9G!sUqeT>`Wc5We3N_DYf9Z{TU0)8d2D zrByvgla_s^A0{rP3wZAiMPg}IX~mHUj>Nx=#oHr7E85LC;INSs3{}<6pkC6GO_(Vi zGMy6tR(TRoMQSk7Hq?egZ*C}f(kZt*&>SjTKjAe*&kt)?qF7OXy=FT7cj_kmVb%@U zzLG7NV#*&JWI{|a(iuMw;|Z4e163_y|jx!JLZCkfy5^QHF`?tqNnN~F->789y{tw#~rOPzRc1kCC zgYw+3LDvqWfpK!J><4(JT?BY zgLMKo->F{vw!wrZd21v-J(_L_LxvUmUAIh3Sbr#EE+r=lq?;`vo|1gQbbMy%pr+~* z&viR!qz!S8xC7=%tw46IH9*TK9N=K2rKj_Q_F!(ka{+Yx>esP|hsoP$Gs5@KVRrtB z`=t-~QhVQ`4kj$Lj+v^6N9sW~@%YLKFnyaDuO?=@k-BuU6%Xt@8&w<9`4qI7s;SK^?e$ zzQK-96a(|~n6%0{-{-8sNHyT+c8of8u@TF^J;9u_$Hni(2vdDYpF|&Sk=s}t0+KZr z9bzyuny4;UBb-+W6BClyPuOWv4pOfyBgs4NoE|c-$sVdJc@Qp8r%-50wlIr?DKpDr zUqdxO$Bmt}Ev2JV8nOl$iCQQ(x(5fj0Xu~tejNIFdM(d3(Aoi$^|XBYUOO4Cf?M{5 zrC@=d&Tc$g1OzW*^aYdN5Ej?;t1;`r%lqFRuNZSZ-;2k`+^*p?AMNGk77sUGB_hJk zO{M#N$l1X!Kg@Q$;zt2f1&cS6deqjkd?rYj@G$BQu5~y3b+!Umk423)=c>5 zcgYZ}V!U=9Iu;gM+K0WPer>Kt@kEIP1OynsOU}*xSZAVgD#8cY)3#hM9`m-ZUwho8 z5?j!=_9eK2d0s^sTRFw;1z}njtG@wed1Or3NfSsT=tR?LSOsm2PgM6m$Wmg1gR(T$ zV?!>8{K)Z9dhc}q%@+75(i5&YDt)*ysYl1XuV(TlYGZ|a?GuP=guUd0tM};klsU&3 zFr^6;vx_7!LjevfMHLkdmh_IVe=q^B_U-fs?p9$sC~GsBeBDf&VJx1X@!I;w$o7|$e3plwZ?Q4 zp*xZYrat3_)PSPj-u+YaMmv6s{$@#kls-%R_tq}PlF_?2UKqAPX3U3vqIJjPCsOq& zqGP#yvbjo6Tzvih>n~h%dr?yAHCiqfqFsa%&v)HE%T)vgXm7k&!tABeS?|y4J-V1; zJHIi1?BoA^N#o~+vTo~@i2U+% z{d)o<2S>em>?Z4ZB}_~vQ}(=4rNps}7S+K&wrCnl>bWv8^ycNrVOA7p4VJAj1pWpB z9u^Raf{Z?u2TEAI<|%Fhu0SY>a%csgv^3+9(rS3rwhO{X-7H0ZZ@&pF>e z20vhoXRP(CJLa61meNw|!?R`sCum7Cy>(LVdQkkl{Kg3NB7MVY5hP6*EwPQo<_q>C zqY^&2#jY<`d$wd(MH_iSq_}pfZxH794bIWPmy}KBXzEv2h7nAJK6^I|cg40{%Mxk3 zOJM*)%FDY;5CNTdo;-f2*5ptbZ?4R2Xz|f0J!THp>@=dC&a~wZp946j$1DmdQ0*8E ziv>2-HTH{w#^;@Qp_i2cbs(8wyik;cnffe&w-GK16>E!Ca0OOqxGL=5Yt-RnYHY9= zvJ?5alk~J_Q*MmxethkjU7@~PiUgL2LP|x#wCDJi^xv<@DWCc7bmaeXBEZy@F+}(H z!0j+dp!oMuIqVkyb(1`|vM4++#xs4#*(hCC#u|Sj@~0H9d6$n!!HDnGy#89I7F5$tc0j>0F+GhFMfqlW1cXt7we8Pl1FVNMgA4BpUi1;hpokBw z6f~?>EY}p88^a>0iW;g2TN%HOzAdu)lak4!)J>DTU@(3U*hpp!<9V^8mRx1S%rwFo&C zEnr&l_gCOtl#hMp)I+IQ@iKwcbki8WR#sDePS$sFmL^%dUIG=wrrJK4VMPm?i=g#n zx$361Y6}xKkALSO+d4~IuEgmRNR-bEz^|rx?#yfY$?V_O8`etxeqr;Wn`{|R$3zO5 z!o?%?15-Lmo8g6%_uj}(7Stv@Nfi7HsK2id#+AhV=1}=9(|#&XM7XwIG+G=gU89(P zXY-1zYj2a#uwR+I)(O#f$Om-J$?j@?Yim1XdR3|QLebOAQop)h<8Vq8iTAyA(>^Nf0BDD-(rJMNk5*RdtFtWj97FGRu^UAyMMkxDgJwroFKfkX6 ziFJ{lqMH4bdBMMAayn=Jo#O5dW!Gy|(S6wJG3K`>wkl z5{Yp*yV7G$81!uSkaUFpZ%Z) z*SNYUf2A$b!)nM~s7ugCuJJ2pRhOXa=wL~=iU8-B>B}}U+v{+-#$k+pFo%McC|a#G z(_4*b8h|&5NHtH*uyk9aFxL=d8SWhAf`qUK)`k9J-@P z#D^%bz`C8*{J0tQEy0DBRY?cKD+G&pNOJJJX=>S`FRD>}y~@{9Oazuc_R7TAS`MO& z-~Vg%d@H>eX&p;@J*&+3dJcw<&uY<_$S(V(4wAeHV*KvF#ZHNjM-otXue-4)Ac>ne z_x?dPVbU$BT(*C0XUh7k#y$rQ2#qh3D{9n3ZWCEQHhx)NN%&pN($}7q71!VXxWic- zQp@Iwaf7>T=4Ddnbg@5M_f1X&D^?QeAvO5go_kh#L@0di=TzCJ$smVW<^h4se8 z1ZHH-KME@1-;{DZ21~XP0_lb!3B9ZoHY2U=9kCw zOqAc#CJjk0vN1o>2Q}agnj`+5kL^E9Ff-KKM@%-U!c>~I=vr&<76h_I!=MCcVL{#~mDEEE7Sc7ry*h6FY8fj>@w+{ZQB+3HDhXB|*iqB*p<}Q70 zYZG)@Zw-xc0hlgsPk)X@-kqvbg-o7fq#lm`V)|z*25~chU14Cs9RuANK-n zfdPLt##rNBb}W2KY?ujK(qsu&A3Ay8tgnN`IJEtT;UkZIzix4s(WMfMN=Fz*Br&O* zpta&vcMy)~m0N%RUSCCebvhNkbd2;V zG{wVTxU9R3ET>`VrIjj2E1#~f@kbvsc2(ktNeOqN;ZafWB{PN(4C8&E4JvNRMoy+` zAi(lNt}4UJvQDqARSP$R%4ZF7N{;979R-sOinWV~=(l zRYpnOs`Jbj=y*80yv-}G1mESx&klAU zDDm@F>!Gt5mtEKh)T;+km#}_GEz!qljo-mZE+q+m{yn0D*Mfr2|20Zy3_Gtqc`r@4 z(dM5(B9QV0ls&|OSf#nm>GP6O`NT{HUQ}b*QAGfVTl6PDm zb?LFl;RM6fm~T1+1|i?KJQ*n=8{q9&XGYW~`jhUMSTFnZN48e~QJ`=2!6mjdq2kG| zh!ro3m8Re;s7LyI9@o|&D*ty$4*TCS9I1cA&R;wct~KlG@I@|1me@#^fBKt{Df=Ye zl1x}L-wnGMg7^pV{RXoX?gy_?Q|2qUD7AQ7V&UetHY?pJX6wrH1EV0Xx!p9#6CIEr z$d^qE!DTm;1x0m?m;o<=r>AE&kA3y^`yZ@=f8Jltuz1}1?v?%5S#7$$byh;3-_APl znGZN?fy92;ckg=u3v)-%uTzPc@Fubh}+^(j(*3Msl$tUmybX19b;D=mMf{%{a`&<3J8ublq_G?# zb>wftVbRlvVrnL)@AE`1mzEPmHC{xQMc{c)R}Pa~WF+@K*L4yWpj38}dgn zUU120o^bY1NgHJnuw%BqF(Stg!C{L(VC6fCi2LUhn!=7&;@46uG}N031t6pMIKAK-fdwPd+Fq-slT9|rx`ma`uY+EME3r5oh-my zjsMQWNMER1SN?!+C5B9W&70#9NxA4t>oJ7)_eSd9m+r*9Z2=5PN&o8TQv6^;Z{}s> z-NQq=bOkG6%IehH8P}&}+V>~;Jrv-Fq22OeS54^7oi@+r5%Z;TyaN}JBJbzoK7!MLOqE`YXSIj+^D`?_ z|4RJm#c(r(k}Ey|4!@zG7Aof>%C00fjZJWMi*-)CQCC}mU&iRMjLt=x28)y4`@MS` zkyY&IXpN|Bbcb)Q#8DD)tG9R0gsC*XEa?%eWK7sXFgmPe2c_ooNaadjK7T?-5kx3QYzGYF6aKiY07@iLMCY@8Yxah_l~D?Mq6SVMGtp!^ZD*@VO%NeN7GY$J%SiZ-0S4n zqFnUMmfAwTWS*ObeCkG`Y8UNXqZfF4kl_rv{+8YGjLfeZ2r9 z9bojEPpGWNwfHqY8C`wIV9{0-77_Jyf)1ew<3RYXNUa%*rR|tqh=+|;SHNU@mw2e6 z_)by+s^uSFY)?Madd)QBcSpW#e2t>IVfRzU->g+Z2`gvw3Zy3yFOPJB{Ir;9Eb&-i z=xH6!_sH0EK^RadH-ZP^WU-t1GWBG6W4#ermvx?G?mI&c$o3q7Y%&oz{SP$08#~z3PW}R z+jjV=w6Rrw25K`p2f1<{Jx4cmrgx}CF1+UWESaG2kIp;~;ILN{0$u+L&WP}9Vt z@-X?tqg>5u>%{$(b27*?Tu?!7A-a|MhXe#QS>gd`TI7 zdv-v;B=~*`=Heau8P+S66s|N2E2}yKu9||Q&N*ly+*5ay$h*JZrYBFYP$Hzdu`GQXl5rC1cbU?IgL?C9mg@5)@@{Nycw(x zrcZxjC35IYv~`0d3RTg2V|x7Hf1{u0xxrJJl_FN=C+p&(dgD6m7!$o0Y7=K_u-IaG z;`nN(+AHE#wSq5$M!Co~Y7*!>uLJ{c#4 z1F)ID@BSB9T3QN(;sUlYV3H413IJ-@N{@8!9io<3Be^D1I#4E%17(63pl=(gHfRCX zVfcBOt&}E!L>etX+DdOJiA8U(7SdTU{NQX~bGqEU#HqDKA4|;KO#x^+B$3f-kOB=AycKM?jMpODOliZ z;Xqab+-aD2kmxUke>C^4#v*r=;}Y8LmbVukAB}>Ci7E<`y}Zcf)O5MV9EG7~_Zwx^ z(>thwJ$aIH25y-nb~uDK9rR8RsMkuBl-g5vvJLLK6#?N^Z|5m!`x}-`L0lvz48$D z3;u!yDDI1A(g{?Qrp$JlW1SXntG;VdN=z{SuFRrKU*w``?Q{+`M_6qmqh%V$ai0P~ zx+FbI9(loor=C?QXXd8eya!& zBMy6s;d=S5i3tgJ7Jmfs?(OYC;i5!Jy3Y5_D#EO?H(v#b46#=7LNAocyo5nPTt^Pv z7_8LG(~fx#^cc8YqlnctDB&zWzz^Q_fhNN~IcSTeK-H~9n5fd>MyP{jEHC$3l|~2; z>P)?8T5cptl%sHLCxaZMg2hlUz%m+su@Z>t#x&clZEW>zn>m)gDMAP$ep>ENXei`Br6zTiKENj9iC4S3mM z=H(K@Uk5$c|DfA^teq)scHvJZx`r?@Tr`&LV-dEhN5l#0meHispMdIj$hx&sWc_(M zf=@XRV)3HEPBDQ2z?+m$Zu;C)_Ef&hd)$H*8JT$hoI*IHwgJA2(QMV!hd; zXaBQ!R21LO1p9qKrE_1qtRs^cN0X0_FDpO)yM8tHFlXZ48D(^f^Om)xCER#D=I21x zkl<^A;NCYeenV^P2(!tfg6Q=p)hi&jv}xn-8w-&fNYZTcy`j_jVSMn$iF|{1Hopee z>F&dlKR~_3pz0YI>;aaUm$e_SL~krLXk8PNBk!Oi?}s-w-Psunu&>-Ez4SpOe;kq3 z$3Ex?1xEc84_(u@r^{b*bFIMOD%$JH{(6>pPSAX(e~|%+G|Y2u*VEk1T*fhTP zT>y+&PczQoYX)<_$Y^|&S*{gleU`I-m6XMggn9tTS-M6}9*vLv!i zfqeHpexR6lCW)kGQ`Tu=1f&`}-j@Td>QO#Lwo5rhR=AkUN@j@PASja^t>GBS1{g$% zOT-R<d~t%HK{fT5%4U0u@kcKAED(4*+COhHY*oB{4SCVHDfIQ-;sv!=Qzrfo~Lv5_9D)>M}%vEDT|>|#*Po!|MnT7WnA z<>mdG&)EO+57sc?1qaBSZ{~IH4rU{2B$)p&gn$J$U+kq{%o3pRF27Ms(ci-H_mae> zlKwp;-5ded^bfy9-+Nz>Tn7Jpe(XUMt^K~?-Fa%1ra=1_$S4SUZg{h~zgav3ey8Tc zZNJe{f#h$3w;Q6R#drU+tk0>z*4P^%x#jE<$oAIz&$X*j9^tqJ1X*od_Qt{4Oy#@@ zWsDpR=&@W$-sM1%@uHf32lWUf0yn|I&;;7=EJeD^uR;tlzH>*36ehS6}Bq7 z^$X3$c1K>#I3oIYNcAg9rbSW=jk98KATE5@U%vzPCKx%2akHx>5QRW`@tiRmiLKL^w;E7`|;pK3lrGRIU z*)sisTU6K)74L6);J>6>z5t7U%9J$h#so>zs%A^)ZZbic6&E~zM=tr>M2{@<(*3J| zg{~4tE7u0qXNk)Ft$Mzyh~y-6{cxQ+5OX`4&OP=jC2`QM$K`M!qXAR`r)&*M%xQak zQqrCP#%0ibhrwnC1=0h+pd3XMd+0r%PSg00B@RFn{Kmb2gzz6X3m;X_pUzmFeNo>o z>6U*%zenjG-w>f4Tdz)U=nt=p_0QJjfFzFSv>C!WAZ?$!2$WrJQYoPFXu5&!Q(YxM@0(J5enevrd zPS4<~jkzmUR1xlSz=lSgi@0pDy5`p|2hT*$9i6TF7G|Uc$#-{PCwu1Inc6BGH;^<| z`<-xzM!hmZdc|k2f+CamksPIt_zEb?y6byHhha-ii3y?eiQAx^Qs)&kG#f|C1ecD5 z>-yXHk{K6T`iVxn`*_qm=eouvVJtbuR&c~^b}Vn|`j;TG?AcMzp9?DItxYeWS*aMg z_!UlVwhyb$OOLqI%UJHL1KJZHX zg{Hxqo9|PIdznid#?fy!ZA8u!{#^L!lh=uN%orC8+fHpE?_yu2zUk=beA>%OrB}Up zdI55J-#?!? zEnwGsC%TS>g3Gc@9F!}BuVLWVkB~})W1HyOQWM-Ru_eAcjFNX<*2yD$iC4?$9n(^u zn(~*Vj!;Ljl2PZC;Bhj{Sm>S0l}42lDet$aJ9A_Gl}Ey0%6T&V?Mkh=<3CA1FY_M;=mEcUS1*w01OImY zy;0n+D}msYw-4JJ*}0>6^62I#Fb+6+gZ+31-+Koazn(<^d!I}f-FClQF86SmTwRPO z`0_L=z=Mg8-|BTv1a-gRO%CL=Yco@#6~{kxbjp1-nlb5yh)d&cXj7_U!O zdSQ$xyYv1{Ev2GSu*@5V&S0TC+^F;iGXe`dq(9QmW3es(e&U<Uef2jJzc0x3W@2{Fs+lce62|0L|{KCXtJi^`W3sQEzL=esvm8OL$NSY zK;v}q?aqBn-OvNipw2~@j{(g_s!mh0>ZvcyAV0q2B1ly?Y5N3IiC`xJmb#9kg>CER9=5&CMUvBHaHvF-QS9JKfiBHCHyCp0ye!i&XHg?RdwlG(`Bt;G?-r}o+V z&3!TGKeEH}+mKR^{~}B&=0cHap?*8^b?na1$r-3;0WxyD0=ob)46r%SzW|a<%M&3w zOn9Py3f^6}O$R2vWo|(IXC*!Uo_}aT{=C8lqsxH%Fq;1&9~Bk#0O$sz_XK{b0rDfn z2xAi>**Z&Nv^#ja_yR+=w?W0&7|NR$5^$2Tnn;AXbQA8KY9z&R#s5M>{k*}|u$)!= z`cuAdR~b>HuDye|=2Z*a^x5WP29iDeIj{!^v-_INrK_}SdhVW}fn~|eww!h%B!iXm z(Bu!!hM-%>IwbIYb!+=+WL28)uPNiMu*%}a86?#+A2mN@Racl*ZqWI@?DU$r$5xrd zK_+Ho0P8@lp$d<WN;F_s5d4c{_BxlQ&o z-vO8L+|(RZthsC`)){Qi^jWgz-ETzGFBj%g7O<6{&A2Ptd@OovR^ny&5*aSsBRweA zbsbe-r+ltV^&c+TiP>)PoZG^SK#2SdBw8@7CWHdZo^PM~hu@jq6K^0{3c+Re;K%W| z1RRI9X&lw}y}+c`>MbJ0;<@21MC&ca?L&$WLDWv(=^}UqfJwc@>h#{c2ZFWOe{K&{ zBmqK!zKyaf*BLJ}4t8V|0p$r zesEVER8Ovvi&B`}I-v^6E-@ddx~xsHKi|{_sX$OB2}`po<_e6Z=8%|rdwIqtfdM~rh5W4A$kZ-#S8cO4j>8_AcUHSmjsgS>+NF_` zY{S|uEqYa1>*0#J^oqL2E;=P3xvHQ7289E($6ZXu&{i}n9f8yaJ#|sX;f~PwI@d-? z5(8X|L48XG9%S151&k;pyKJ4Fa;|1TQthg6sz7aJV8L0_ZhH}roDwvB?Z6i z0YzQVab^&5h{;2w$u{sd1pFx?hu>ZfeqHu`JvEtrW3pe}wRGpcA(vku-LJ&KkD0;9 zJy%y8Z|0E4$*mXVxnrKUIL-eeDc8c)N11!RR38a?rLrXjX2j(%Y!G!Alt{9l_(k%&` zwnc5z$Zc3iYqot1HJ=B*zR2QGf@wZgUknzr=9KBPu%W~?UEV3F&zqVs_JX=vtkj{h$NZ@*}{iLHxjgK25>Xt!0E|jIKcewBw>=VjS z>|Z~e5`?y75pYH>;oTWUz2bgHd#$cbctKr0HMIn=?B!^6pJk*3E>!QPf~%rnVDiItK;`qBpCR>JeDV8}VNXAGKyK@uZF817a( z(X33~fXChrl@RN9of$0`?r!J(9G*ZmZXE4k126xtppW1b2CKSI=_PLe#{EWlY>kr$ zfM(do@VTjg?plLB0tZC}fv?hl4Hahc{c2KVQ`pXLj&<7tPKF*4_4M^QOb4^z%DY=C zhK@j)+Vo1d6IL)ZZ5khExifySgMs+Jv+6U`gF4k94>z8?RfGZt2Fo=@5M#V%zx}X={mZhGo=ypmNkE4Tg0^Bft#!>#Gq8YSR(0EoS3!GX$yS_ z6OOXWM4C~WFO{+uT$(nx1~u9h$q`Fc$$Ejzstv-(DQKMIPdm(g%ry*t?pj?bDcw6@wXQ*mgNukXikV}M*o z-R2vd_AR>ZJl2D8;%?XknDOIoBp(PPPv#wpLPvS3&OYbOqKR>iU%@KIx0TTSrq@ge zCl^W^vkTZN%F72MepBR|m5B{N30tw^B|oO2#~Ah2zw_20aayIrP^ZnsM9&$?Ed)%6Ji1RA$nYkBdgvL5m|+l_>?9Qy(mz!b2BiV*5%Z zU3D#FdYSYzqs+@tTrF3=x0@O$nY!PEILsldvn&|?LCCs6C+78b&V5;|4$^raHxey8 zxWTp=k1xX-nNRRrakR|gsdFCW zc)9G#cWe&D-|2TDDVXYF=>)$7BjsbKLRPzu@H=t;(u zg)f$zEUS09EYqZ1|VOCe$ zsD_MgfK@dRwOFdc5FuY8M;J+tS_#b}Rog)(En=acHHT&4q|w03(&q+_W@% zO3)QmX}9Cobkiwphq~7U>MrqWGyq1a`Us}PN^YIiJV#4B-m#-$^zl?>R#nSJ;~GD* z=1iq=SF@{TV%ojei7L4MlGp4h(>@;NMYJ+~_L-Hb(P3$A2A_y@*C8oHaH8F!pWyunWY#Q7Y>@~rU-Nkv4o~3x=`V2 z6W}qUe+@5U?6;M#Yb*5G5|$iV(|P}%!*~qts!U((9w$sx#vk|qLrVyy-P;eDo!s^& z~~9jw75 ziQtJdL5pG85ro8L$>U?xlgp$Bf89>Mz7(#g#B)4gJ0*KTF27Qag}Z&?{KVg_38zj7UM5D8$K>ThF!4Qg6Zu3g7Tgga=E6 zl^HjC&RF01;s)G)AEu@?YqP{oaFD~m;CwXk$C9QXaZ8&`bl~&2eRXxUaWV9H0BGtJ z1twxiqw!2un2e|I0|Dt^?>QiK`TBJi$f2akbkGuSeCF#Ibg+!L{J3AbD!;{ICY0tL z?zJ#3;ew@6IAXfftV!x1^0;3+nyC@ck|FYi|7&XE5cjgm zgtcOvt1_~ZO%~_7AKKf^o_(#+3`Mp`ldMoOmtMC6@_*ArVPnJjN9?^K@O}z)>dd(dY*m)$|S5=`!nqWxj@`TBS)v(No;5h)80#XYF=g1X8g=cOPUk z$Slq=W;J(wws2^iSRuB?_I5^N!e=Q_*N(5G3hS{Ba*q)3LgFK38lsbfJ*H`s!AuL$ zf}igbGPu1j_BxqsacJjwD-ZZBVD<4tHkJy+<#|SuQbqaKbw@6{Z{}#nBfEa$0_P0YVfgJq zu;DujmJMp!m|>&0)g*IxjiHsHlQ-jGVlxbq0_S~8O&h8C{>jt~lOqn!DV^_zciAWW53@Kt6sfCMRk&rB#S6`60ulF|EC35>Yxehyig-s z6W$CoiIE83pry-z*9m_uYbM2P19&FO1fuaH~ z{kJT9e6rrUuDZH9*cRcKE>Xs!fPCz&g{E(Q5r&NWpJ(NbX$6f{5GwD?QR5Gv+Z!D@ z&(KFj_tq@hf2p0ArZLz~rdjYKF)wG!(HIpn$fP9$K7uncGD%n)*T7P`vyqlwuMK)T&uYUACIEMT&ueSRutsQFAqnTe>0W;gd_H+5y*dwtHX9@hVU< zr~FeczlVkt13o%6^;vcnj9Pp%@g))QXEREPLZ?9|BIlIA7z4T~~-e z+6!B$?D7<0D*TQa$B+cY#<>qJ9%P3YmQJ0v>EsE<>uVi5=zr7qAfI1{E9??AVyS!@ zG>5NAudg!b_|#)>%R!PSy$6u|=G3JiIK;j+rE}5a}b{J<$5O&Vi#9(ys zq|IPh)FB1P))0GJ27GZnX({Z1!ib3S{?zxwgnALuVO>ubol3lhb@ zF|c>6cjO#uuIJMF4}>3}4@#{iZ)j9G(d|nj8@i!KUK+gr+f8cD`3qm5!qp|b=S`pv zxTt_ZWfo^hxC^^O^_vtI@Z7c5j00P}fr$yURj}7L_7QPC=I?0$7aJucELN!bF~riJ zF67Gx-FI^=LK_`qI-a`-H8yvA3hkOqM)k2o8b~VJZmb+=aa7+~OK)ncAO^Y2L_;J6 zGd_$69+w(DONRI@lpldR%H>@&RM$^?z;BF0%p3ct0w3q!GfrZ5qx~%JJQ8)6vd62- z`GwqIpu-#15sviiwsXiTQ)7{K#C}~aW`nf%O4|k3gQO7N#^9+WNHIHK5kl0bc$`~h z)llSX+o*D)r-NoC{E_*4OKR`By;5~llvVx!DJi1@o^)Fw5>xD_ut|ps46n=sq{x9Q z!E`QMCp}zys+mOeBdQTG=j-iCa{x2dn2u|F!nO_cSY4OoI6b2OeKm~BIRD3>(h5}a z3XK0dUzeAPSY2HWy?^}18B$%F&-@p<{>9{3^;F(~<~Q3veHFT)PK~AWIy`C1F?f_% z{1mp0IE{Bj3_2ufb)a{6%dzJJCHLk78n{H4dV8LNJ>!4D>RCyPY*r+Din8T7L9V^n zeBZt2JjUQxy|T&R?tN;n4UcSRev6*MrK68@dEuv{&RDZQ&T3_AFh=IbQD(0rGB@@* zI`=igX=WF{gZfm!)A(<@R;z~TEsYfjn>B9iR3ItIx|-SgU?nd z8T?y^#2E+mwd%AZJ!sw=HfPOft2#Z7QzLlKo8L~UY}GUNe^QnA<%1>sj?JN9q z0eM@!5sIuMl{3z`!D3)N5O5c;+0uCww~ znvx&P(EK!)I4bH(oDLx#Gn0sO6P2c|q+I^?<9oqwbMS?953;y7L#|DA$FJEb`b&LG zt%zHAv;Bz8R7|R#H2Ix1d~8%R7Tl&<{12k|0PO%pa!3TR9OQx7fJM|;qmhW`p#F6{ zJ$c>$zj+RhY15T6&VvN*-txmVllG0UrNw&(xh?H9l+mEfi{+g6&qY6q{51Er5kiaP zfK?qpcC;YO`rl`Z0sq5)X5hDBCI?!Z+X0Hrbe`iQl>l13b`mtn{#b_-^x4AU_z0J* zFpO~moVs1+pa)2pgB@1!H^eF>g#+40NXcavP<9k_5H~|B-edgyR ze#-Klj@Bb$$-8U8g{uorOLJ*YZe>PCik8fj?4OD}BrR6|@(?;zMU1=q4Is^EQWBb{ z+Mu2x*0_1<*gAD-Oh!IQGipryKxy@sIxZOcPmD5>Iin1D{K>98NtA1tc`T@HGkq;M z8~p;Y$jVti$6%zwEI`m-eFV+Ztu zOphX7(DzCIvv1L0oiR$svOohyg>UDlP}2A29`n91l*N1LuU}ex<}M>}=64jO(EBUa z&~@bgF0$Oxr&MpVB-~&XD)e&iS+vkS!HUD zo*JC({|6waR-ASN0OWy3IfiK|3L51K6-?!K7kr&-2gaNmJbcY{Z8H<39OLK>gFZb~ z%Wx5n9GnA@E|}mhJ~T4-qbCe;5G;3SKXf=E$4W#UWi2uLhSo-j25W@|W0NIQx_{nz zwwOxZL~3^0nnH<_2v$W3*G+)U-6uL%B$LI)(^YX0>N2a(BQ9t3=zr$53zN&f{6I5&O?nuXfk~5qkfWD3k zRk__{TV8k&x=OiQ!}w?z(hbeXyM#7YKDEbOGBg9jg-}@BqpjIgT=vbpcb#bM~tRb1EuC$am1|FV0q#G1Z8i6R_G$_!H?6!<*rNW#$hfYH<7r1@I4}ScO$SfFU$wh>A zy3?B_%V|K^Rg*qCBP}c}tP!$@p*MG=Q#EuB^K)7;d2+Z!n3N+9f8$659(MQDeHAJ! z!b%{?W)RZu=N!u#^SxFK&Pq>W-mekpYxYKZ?yZ06wIx5CM9DV|b20md`erFh+d``h zQFMrJmjI{ z+X-a>#Z>fRrWopJaP(@yq17nLYc`>&D0BJhx+{AygF?iSIaS@-%z@6i3qdsOCc~7W zQg=kroQ~ztpIn@h7M6+POH(#y#o#yYnQM9F8om!2aA9eT4Kl|XXj|Ubfrv)@uH>S8 z<2v0$48o9LuMTBMr690?8NC!o@i`Ts2=R~Dh=;l(63!gwQTO)d#4)#T&24Zz5 z3~gW(cE)+19B#fV$CYr&2W^}DAwm(a&p3l@!b>P-QrM)+(JYB177(=_91`sW^ZyQO zO9vI<;7v3^D|x%K@)p7=|C)-~DoZKeIM3xrr>WGkHsK0qIQoEj04`@*_@FFdkYI4b zvG2;Y0tU#^no{RoXMjmeZ=3-QD&5uX`Q(SUgi9N2F z!$tG>1vI-Bh)zP}>HDO-w_uM4V5x!Yq*yw^kb+E!dq# zApQZFvP`QI>j%Hyy&n!uv#)B)spb7u{Rf(8PR*O(-6kFD@3b&WbuRY65!5pjv;>DLP!10b z!Hx34HRHjK7F^IEg&ndJEBp@w6nxZNh#w7x1)jK*O#Pab30>0D`h=W$>7kEua`%#N zF6wsnRxu$t`KgbpL&BZ_pzX}a2lFYGX#A&jK<5G_4I7M@y(hbjTR)SfpOVv#^@9v~?9c{={yqQzWCyrEclyp~JmUex%T zk<>;spJI8qy=kenChlBdfW={cm~(T9SQiS<#6^(a6@`vIee~O<`f;jS4np=8 z>5t8n)!#kd5RHqP50>+NL%xEfI4h_KmGE)g)L|v*hXTVNt7p59;b`2#nkr+-#Kkq_mHm{tK+Ex#w2=oF zN6fs%zE`ss{&W#N^(-voCu@FlH$O4lTI=fp52amlgf7bxw;xF6%48Dj18`IP;3L88 z5$SW1fePHBPaS>BCkN;kj~UL78KjS4XBj9y+^m22xDRC@_Hv{1*EIQT-n@@c`m9F9 zX~oU95gU03cRW8el}z_{bF{@zPHNNE|L}Lwt)0HWnSx|wiS(l*ANnMhg1t$8M4)v?+0C9Bg#8?OhMB-E|gobX_V{c&}S!`DaZ`F}K>gI}L-yvDPQW!qS` zy=B|xvTb{{tYzEQT6Qhl%eCq}-`_dsFX+|teV+UN;JV&dNW5r|(agC~=^%<#Qa7pr z!#Zm@N2?$aUO}7!eE$iq8JG4WPMFl55J36gov*YW>A3EXYE2HHf|!)x#z=~ldhL>^ z@P-eLgnW-`1J)W2y6E62 z0s&sUcC`jbgIrv`v=QWEH6YZsz-|8I5 zRh)Xv!+1=#NZd=?j2a0XMyA=p$hQCf6rNu|kU`1OA&8-8_{+zA50{dL>wVwjL+Lq! zHq(PEMr+F*-BAf^KZB7|p@}xxuFERw#YYnIMr)7Tvk2Q`P^lq^JPC?DoWh zAKJ82hbl=wM_bt@Wl`kILs8286SF(yy0GD~kzr4|P6JC#B{etA^P3)Ijg|7|rwqS= z7G1q}@`W{wzzmb%B#)?0lIUIY6J81dkNx#M)yK8hN;DKnLk=P7TIUbkmWGwo=j3Dt z>uQPfDrvg}37A(n|A~HoR;7O}>n*M!824X^@vr+l`dHwa(3m!qtMPcuQ-(uFRE>~q z6l6mvWzi)zHnK>2Op;fjo-xVM(%X{o`wL?G=kgP1jQ+~SMwcmJQ~+6O)02hUr3ZT~ z2q@-z#juPR;=u)}hv)fyezFZ3rymB`3Dzd~2rNHyhgO%J{x(g26Sl)#FS0->wKmD3 z78e%>9k=skirjO*j0r{^+#-NSy!E*Jg(>^+lX#W~uCbJnFh-viW6M>`t3y9Ze+3VyJnxyQXBu{61A`SD; zpiODv!y#&^ozBeab~)kCrC4K02XL9s5PxQ6-G#=)82vlofvyhjVl~pbr!9bmWLCon zzNyMLvR0F1&s4S|`3oPk5$d22nZGCfV7qx`pSA5N_|C-a=pWHpv}xKB@<7|G5*-u- z4gpS@^?25k!KgK>Vs{-lEu9GaX!EfQqcu z5zvkAWNMp#d41}MIO9uliLkJY49BZW-ZzZ5x0i-ipp~s*67UdW9_w0&^OYzJExd1@ ziKL>8xU^lmmbQIz8?UKazOY91#c}QP2x(lQ4|nKm#kN5{PafA%*`peyScIP^J>K03 zG`7*xH9EkK@mu)?hmIz_45KJURZy;jzdXak8C74w!-XmS-0vqnCW1{!9|cOu2sqN~oDbutA&c!b=5TUy##l6Dn(WQ_Hy{-#&0f%*dG2>IW$u3+UB|EafZ z?%)t_yIceC2s}5>3`UQSt(NN_<%=C!M=p+5EZFf3{GZK%m<&gOfcOuVp4$_AQ6oM< z%|u^8tK1;Q?3p50e=Run_umq4g+G_h5Cyl&G^$(R1iW{!qU}mQWNGD4%BFZSBs)p+ z9ij+ddJ?WWGM7mW@6aP_l*Q?w#l~`B2U%j$`Byy^lsX#H#v5f(y2aJcUmL8pMpN^Z zJh|G);d0#sbR|9>pvWzE(~w=l3+>#O9wZCQ&}3aJrzYf<(Q(s981R^q25Kf5oMz3C z>oD;(C55iUPCJIJI<#$#v_$Wi)^;T1r<{}%bui)R>WJbVpjE^MKJmc)Fjq<+(X;Fk z^q1K)R99P5S<(^brKz)Z+Il0t`bR}@#%%YeF2!Oj+?bVzXKZ`hX!*XWEd5*i2GPBM z-B#|K4A>yt_9lkxrXx^w@JCJ=guc-S2~O_;dJw&C?=;{N1gTS2RI!D1^$aQ}xz_}) zn_viMTug&TE$a1dY1h>SmiwE2Av z4M}gKhm!mI3Rgd$;+W(^tcp&3*G1S$dE%NP6|QR6_VV!fDGw z8=reE3)tG^E4@VNXzCas#I60WEo}wf4>z5KSKv432yp4B#?2aRa~>=NQP-jA-@J*X z>J2*s7i^kCxSZDefMZ$QZXf#iRp|Ei7Et{FCp!o@3mDZ1{FOaYeqLlOxU|9H6&SHwMvai5@FgQyR|i&NTG zuCte7x`u&y$s+u1RQF@uTSDZK4C=dDvadeia}=QsJ5PU@>kvgCaEpjvCyf9Lu}J%Y zeiT}*t^c(}0`;|IF82uI7IEwq@rf?ZX{zRKih+KYGsHz!nX@44E~#{gHVZ37=ug2+ zI`slQ_Xn~uetr(==`td_?RK#U-gYy*SqYS)^&EU$nXBR)&H!sjlN-nB5h87NmL0;^ zEhW#z-?#SO)%7+P(3DP367$^GGl3SY4BDM!QN!C0$g&Q~Dhwfp2?D6PS%yzrlY~OE z-#o4mHjsq^b#DX!7V4iS&{-e|;Tc%H69{%m=8aBL%?a3~4gvRx3|;%YeneM7l>NK zLu&m{Mw!A>#dj>aTdOd&HmtrN;@K&(goq&Ii3%rl?(W16(QckKuWUpn2RB6RAy%Z1 z#D_%N`l?dc2X!R%wd4!z7j$kY7g_2p$EoA?)+Gx*?D@{1TIlA3!x!i&QPtHwH; z$3X_xGX{_?+{*aVyE^N%Jaby{qm{n=rlzvZ7Oh2m-4>z^oomkvcZtaTRv`90w6OoJ z?n4>qJ}&-ywrdnN01XNU2T+prKl%ajY@_@8`=xom9#kvbTSu_P08j%+p9|>8V&mig z?x!faSC7IwPq6aZX8!8XN19w}r;CS!thI5f-{{QIQ-QO{IJNmo6noT8JS^H{Be@NRz4O{kgL z=#3nkU8TD9M!D95^XcqhTLa!K^MgrnG>$kGRPGZA#f`+s*k)tpnHkcUX4*6G8?wWXMzZJy{k^B@b$(2lWCm6&o+O9-P z+ZAmlU~l4yF%L6(F3>uGgw;>>90QE4w&To5h%MUtd zZ?8$Ay97Z!pTq)^H$Z6s!l?jN9w77t01PIRhAo?vHn07#tW_kP0H6|JGXSDLSL{jG z!PeoFU!Ruw3>*;`z*s4afd2)6GORGV!dj%aP5USgHN5pN?VYKv!4Ndd;d5B z%b8yCeL6ZnJ2H`$D#{`~0oi73jnPnZ1rBLmLPpE`4d08h2TE{zHs8kIN{Wc^+qXsX zE829^pp#}*5?w^m*-#U${u3E3PCRs0rCAwdsb7Occh|dTdRO>MX1CEPJx0Y|&U1y+Zm1wu>Jz)uL=-t1VnMFs;aK1e_WNxY<`WeY^Kin3gBAAf&5m$1O=F>YF8J$ zyaYZSDNaI1Z?=?u^@j~L>*MrdBkAfQzJbKeNS0@qYI3BYTPeDfahq3W1x)P4|%U5+?#NnvAwA zin{G9nt1iM-HyzN@^~jH1^W2C%X0-k^MPo-R?OzC2K157cbJ+91;Doq%rs84yvlqDNIID|-M<E)zT^LjS^dgmcc4s2Om z3$hJ(`>Qo<$s&eL>RF}-CCKY-Ev5iA8Zb@zubQjt=#T@1WFv6|fQdf+gzm5F)&FY& zPELq!^E%g~bojY!Bj%BnzM8N_BF6xQa} z8GGfWXrd>#-8`7tk|sk?K@8irI=c-8t~&pKA#=5ZU3R8;^UIcC+mlyG@4KwOU?Uqd zSnn@;(kVmRC)>(Tyht$8!Jx)8Y70(N7i}TfI}1vLBjzv0`)lN-k;uHx6CYx(O_?(F zUXy#!c)f3P23DxuPGcXH7gvw5d@LFin>fh1C7~^pi@9+047Cd!j-h%s#wPB^9sWt(osgi@YtW@VtvmZh0^1=-Ta!I72&dA{e1MJ@psipH0hgQmSK1LW*UZ^B$l1pXvhqLqo`zxp=f$1cbbKp zzFxI#$SHmkj^Ye2bersx~iu~F#mliS;*W|Aj5S-?&BM< zXkA6Hm;z~-*kWhScbF%4B_Ep8`vjek5l5ZMg~2d#F}Se63h3<|MKB{a!w}i#20h3)!=f1BuIYC@s_|DJuT42~%P%c8x&~cHVkgjsz*gh3 ztZ_*<4ci&8YTnj04|=y|(ca8kDUjx@u4&pS$jEi1q`JCZvv#_kTG8t9JO8>XUp0W` z5fGqh6b*{n2FU<>>u%k$1X@8-An^ICR<0|;|K9vmEM9H z0~M5$r+`%T(ur+mUQHsu>ZRwVR{fZ@tT~Z9aZyzt9Jvb{L!H}A#g}j_;@U&a5@%-) zo!`(uD3lmb84)z3>`b7Cj|%}d9#NQr zGa?BvkE0)U`(9S-T#Gi%vnsWE%(Z7;K#iQitiKD`@BmNHXD+Um%a@OB)c3%xm+CF@ zoUfqq{%ul%Zz$lEs5(0O*kySS28BF=+V9(=>07|+kPXT)we2!w{Nx3wd?rCbv+UoI zKuO(}0S}hXQF%{MBbNV}qoWjkgOBn8a>WYzPET#*TWdO@flf0+8PE*_yI^3T2;ik| z?&cM_bG6*(HBnoZEuX$7tg~pJEzg;E2B$eT!aT`IUEj|nnCI}4$^9EJgbJp!zb@=< z9v`~X%~+S&o@FU!XYG(ky{ydIh$eVi8+|<8pK%N6B^bWJSfpxZEIF4$fp%(QhVq)> zrmfb6*yhg8 z=+&IS_{tYBtQ>(V8^FWYXgU2CWJrJi_n)sd767CRf~+kEfQRTvoa6<~(Q8uI6PPgq zV?vqHm;a3IkiyrHpbWcx{@&aFP5AsaEjW5REj$fS)xi3Im_y?C9g_DTQ2P4LLb>X{ zi>-GikO`O9{Tz4eUVjT33Ou^C=f1k@zS{8sARugA5)avn9B(GN^+X%5bLrRuZWzD< z|9|n~0F8HDRL#J12il|_7la0%wRh6b=>2%@J&JSm-HWGhbhq8WG4w?rWNialk7fNw z0F*$G&iuIXZMq|!8AMJ6X44=rjQsk(^%SZhOQKtdEMTURD`6KGuRdEy3V`sEX7xgn z6Q#D_ebLQUD23flKjDb3B^vGLn6k%FRm==dYZ>REf*O&B|3^$j!;#}oKTElhjPJ z=>gA=*tZo}Lizt24fruTtDNh(3lAiFw*wX!;792KfCJluB=4-CoE8vh1oT6oLM`ts zEMN)Weik0|*?RpG&$e|F@1aDW_5|{Zj@W`UrJ!6&lDA`Na8L#&Ku`G74=Z#XG-3&| zm3sJ&dR(9NzMnDe`CWd?+gr8F6O07w(NU^g1i)R!z%n2z3Le-6aJwS=4PHuv2~Mvo z7k-KZyQEx-0ek702H}x_;{oXR9py7Fq`=b9d|&g2^Qtw@YF*cin=pHiX~HXDVst43 zz)qq|4;Sl*2nJbkj~hcqrL>$m#cT@W!)PX`TbHf5sq<&|GFti^xm|FhReiTCt!sYO z(csoG{dEscE^_|MriTgyq8Q1kYLyX43C~!?XJKpfUQ)2(;>x(wR&uib2v*TwPvO@m z4`>K>f;Jg8S%qNHIcf!JC8RGV{l%o~LY0zF5QYiLUiQ5MFDiB(>#6oX(_jLp6lMy5aw@TXQ-$JPbb zwCb!gw8`p1p-Vw&1Li~xcve-5JARkYp;v{?C^ju4L?BmenHju zWj^n4)c<^x2l$Xd@v&{b&+H)5Myt4w`w^(3#|7*+n)Qq^Wx3uJm8w2iopehp@aFdX z0|Y}3XnhZRXw9zZVoo1#kKgvkl6o9f`0GC$iMc4C(D2iAllXc?Y}Y!zNT=<)xHn>d z`@$3drC!6-Y-}VFPQV?aCcG$|QZ<8(Bsn zUZtxmw%=>DkZKpFrL`Q7Ws6VtR=2H#5>Cg?v(yti(*6xsvNk|OaXBlU)*TAJKjLGe zItmA2VYE6xG5(snUgusL_|bhD>>8s4x8NI6t*oCdaS)AG@j&R$Yn^qW^>cGZ_- zzaUbB2`rcBR2Fg$nL3w7sOru0&tlbJho~f$PhU&lenMQ2RFgvIHeyHVVARqM9-iS@ z4fKJ*MvP(0dOS6PsC|)*N8&e=Z_xJ8$~#{EJg}r=dO~ioHtZHIQ&Q#D*(~Dpj)FWO zU-lPE(-iBK(m#AoMsZtuF4tD$YNPT9PCCZ18C<)`OVFToU?fuD8(bkBn`(X}hh4J4~=&`(O=`8v)bybK9ZXjD~> zB2yZJt83x6NBnW|PGLWZ-p3255*%J6!?QFEln+Omh}s7r=?9nB5y!_E^1u284}@7%4IWto&oGEM*T6sWJ@zH22A4!pQU zY!(8$FtiH~{l^-#k`3AO6o5jyPeE1dCryDQk#&2g=+P*tVCBx!4TIq1ZN+vSpSXX4EqN!*mbyHyr})!gW0 z*NrT?qBu+P+gV?8NV?q`tgZ-W*);?G*v&-Xopt#c5ntABip2uUlNKc_Y)_5!2b7q2 z1FhHgmO^sc()fBUrf>k!F6{kS9t-{ui`@psx4{dz7CK&t>9>NxJJl2`!Js`Jbre1rvNhXV1$(si>55D~tWP(l@d2 z6I`g8%qpHU&k2J8BfJUIKI@a=D?UEmmsza{m1r~eD3u(;;RDdj_k_}EWHwe_^d*yMKrqERq*bk8G|FuaBQz@=T;vP;!1;x$U? zLK+<))!Q_$shYtDnNNbkx^G{Wdvihda#X)#ageZo4%7t1g`!|S###s#>1u+z%S_ey3WP2Cj+-ztct1W|$_dFLs)_ih z16?y_TOdnzw3c=&E_3LSTX5qkjkH9B7-*{y5C~$cIe#buzOC%+e;T*J<<3*paPy{>EvGEbhp*0^3VP$G`3(Ul=u6|c zOwO}gJW&rN1UrvX@Q!-W>;VJDBj*4P9DHp+*<|BKcB8VFIpWe8!j6~0;4~9uB+y`{ zP98`hwCKw5a)AG#Q#p9`-y?SY_vB0r5FDf!epdtQhV?axdXistkKdr2y1n*5q&C3M z`tP*%ogSEVN)vm9f*1hE1t3t@r2l_)(=KM-wx<7qrsv1&*7Wo3(epx?(Bd^1)YCqV z@Hi;>-TyekKhlnC57A?CP4D z&Fz@{wan{oR@%dk-_p{O?o$j1P(|R+^9^w2`&?-O3uB*&UCRdsUTXJu3RHYNfi`zvDu39&*0+Jq*TNp>o30oXM;qNbRLXL z5L!qwITG-cCZh6lbn{rDf3QNwFzCim7AI!~Q(T{Jf}dx_S<74!#n-!cd+`5^Gtw3M zcoJ}7%9K=fHX$bpw_3#Qxg0;R_OW`N8#qUDVe}p6p6+xD*_-2SA z)tJAr{ohn~$UE@Rkfy?6G@;83Iik`i*%eG%GZSkAVlg;*Qo$#&;h^WhYL{NV2Vo2; zJpKN#`F6Q}rKiKd!JptB3KxK?8$P^u6QAnxbrk9LXj`5ZKx7$29VrlGky_HKo&<^(B7fpGX=9XWz1GX${ceS$-kB`{7D@)?^d zpB(S(=Hs63$Qg(stTT z8M|f==A~jOScQm=4zXnJYf|UQLO%}gjF1;|mzxl`80ELP{e@Lx zL>xg?&-?<5s|GB+B;Aa3o=VJt`jFFzGWm(yOQbNdc?-Ts?pjC)3@lG$C=R{AXdV&vH5~VHDoi<&Zl!U2$j+`Rok~AyDU= zWSZdxUL==3jRpPb_Dgum3W|oUR5D0PjZUtr9e?5ygBqR?s#2?2<9le z{3c!Usfr4MlV?G-8>1q8L{Al$s>r@-DMr$(FytTf4;IRRoY2{dfh69LS+7+YL&V-1 zv@JM%nC0y!h_2@heS^oMYQ$A4EnnF>4hrpd`Y{%G6r!cBlZ;J!^vlgav|vwxuYmCL zXThA#9?w@qUdB%`j4UibIGQtInX-dv7WHU65x{@^`|K-T@7o%w@=$Trv$|kM zFsOutRNUfbI>paQ2_;!A3*V2&=r-MJX~c4v^d_z;6^PsDP?f}y;yUYY_I5lx(pu5>d%^0xL-nwW2CD(5ZRu6#a$p_?^-&}yAubOQ7u5H z&Yr?2Y&T~8MCOm2(4%vW7l|*?TI1k^Onqd;L+5#^Xdf@U_WafWV{{s9aXN4*5c-Es zLXz&{q6MgTa99i|^QOP;4grG0LX~n>VPVA*l>&`Q&QPsQ8`Rcy?|Q>?x6K`Yte{ZN zBH+`l-UDs3-9JOLX+qTjqfTHbzq@O)mCg*v;)?zFJK+VmdD|s7vai@e`%695h!DBxCrSxttjRzE(efTDVdYhJv3(**WN5N5_O+@kR*tvev(M6 zX4hc$4ss)-Y^DBesUaj&drK!<+loQ!^;Bnf$(w$B6IO>oaqM!e<*=#-$~aSZ_jDlK z^e<3=yWLYGNz%<8?*RY3cq(~`9h}md>g0{*zj%qMmwWzL3y!52LNQAlFJUP#afp>k zm_smv{~n!zEPCI}+yS6nQTY1RVPejld#a>}d*qsW*>Rzk=y4Q#RAJnnW@U+@re8k3 z?^ds3QDhrEX4qp0io0aHsYt7xz8nQ%;yG^O^;KF1#kAB6BSnEu^p>nc8?#-9org

#sV$13Ux!auoan*k1{`_0m^_X5JAdCWd!2sf?!1P{{ zG_m%wyEvUBecI_-%lzXT%JAQb3Aqqj2xMhB?%}^VHq|X@9fP!@jA?Q!E&3jGbyo<= za>6{3U=AceF&1%S^Eud|)zu5&4tA~y+i@H^EP#3EMx1d`xa&r}G$%Z#lcgkB+QiEB zm#hP&WLHq1={HvB4GL^qZmLNK)+I4w7*nP58qw7?Z!87!F|#F{Vyp_bo|DYO7yNwA z!P11WSFDMkFEM*OD{j->b>eckUUoDQJtPZ~9W^oL!*z@?m=Pj|8T-)<2V=Zcv-3E0 zBwZZ4VeAu83S%{aMcEkLy!gk|oWYKP{F6!J{doxfoHuIv3 zcli-$M%LFAZ%ljbIn9Cbfeqzsgh91ghto_N%!POtF=7$K{`S=yv3xfKy`X1!My5a! zL;Aw4gcZ9Lz7rj&bK8fMcl+G)(K)hR3=#f%I-|^-p{=iffhO)s5#dqcw{D?axd_^X zjGM9l5Dv)Q8%?-+c1IwK95xv;VUv=Q;``&M$>>3G(tU2%!XS6!mshD->#{cz=T=ml zja?ENuqFHXybgK8An)o8WbBH7>($CVy6}_}k&BvVDy~NcmX$ydz>Pq{>t$zcWyz#Q zoqj_{ZeNimLRt4yCqUz?s}li&3;FPXKn5Tjv|cOLBd<3jOc#=Ixh128m=kK0A-aS& zs1bZpyK-P3jnQEt+LS00FvA_McD5dT6UVqe>2n%oe{-Fpyp+BnJmbsnaz&-Th(f=!pnw3Bd49moR8 z{+!-yd{|R(w}sg)6clX+^4_hSJ=8Vf0Fl#8OF)Pv=+*^53W|dFSoK=x@eYF;##z*Z zg9IseRyMqLML4+;4zq)CV>4@OI)gxII7+5RqUu6uefe)fFnIVQU&+G`vsJ^|axI2m_P)B}e={yb-@TK1Xyw%V zlhCK;_=2OXUbz@7lA4m?$ar|G%Jnq%*T?p}yVE$c22)U4(kvHOsvp(Qkk>iibUwd8^TPycW5zPlQP;>7ldO&ku{;I|C`=*lwvQF- z2Gn385PwKUl)c|RbV@RmaM^8rqN0k4i9rsM_?dbkh2lXWrV8vz0gV!1w}2(~G?Lek zy40|fm@C2q{GfB!e6cOFw!%2T%LB}aK!-?LRN|0Vc zNIbzD5J6J{ve1=go$egm*6fl=V72BU(14q)UhQU>BH7vC(Tzf^8>E6j1_kKtu{J>aN?;D+;qd7KIV~iX?lIZsLUqGuny>uKbP5OUEav z*Ix$k5^98a_hrjp@qCvKI9sq5M&{x+vbXaMmpTYNV@#K9xo%&1Lh!C$uF6A#NyKKxTkNsG}Ck7+4V3 z2c;AG+RT;=&EqbfNDmVtPjStx79QT!M;O}rLBjdF%lT2a`MxMME_v|a-~fgfYKbZ$ zn~Xg7$Qdwk*BJKx26kK^{_JJu+=D})N`<8q1@J<~ZCf;IM-Q9q323Dc154{7AE`Uv z4eMc-*4v)djzI>^8ekEIqSE)D=G64O+4viGmE}o;ZaPz6IF!@p>h+drr!B{=o+-d! z)c*1Qs_Tn{JZNNP6 zU!Kb~prkvs2jGI#Aj*TI%)Hf9-*uAHmKT&J%Gb+|OXK96g7Na6b zH;hb#63ag(nvfZBAfTMMz}y(|^9IK#34B66T<N$7h^HDfbkV1gcdZwjF zw_e@qNS(5?RIQsj8I*0_)avMC^H~m~VU-aO6o}CcgJk)DgotQ;^exaT+8-d>7exLB zj#of`6crWqDL8ZbNVaSqu*QYcmaOx(rA*xTpP}e4AAsg(&nzDYy-qs=VLgzru*V?d zq3L-#-knBd)>+3!n{xWxam=0H4)vSTyX<`(kKxJvr`7DQ*LuU5-?{g`X$?UO*u>IOZOoceR zgu7-6&Cs@k??Dp>##J9DzsF@5yL@H+an>WY z3`0@+-M@PJ@gFLIDM@Olq^vA|$Lh~eu}I)UHYrl6Tm%e1K%EVoXp75_e-~pH7uA^! zx+1N!n4*sjj>xb|TyOc2bhNVsu_ry`2(f-6f-(tc0{+r~=v9vIhmM|y-z`zbwz&S= z++}y;dQ2jDf0kgfIY|bbuE1sf1)|O1jBEOq&qmZ80#Km>nWQ;6!yHq{ai*O+!o;do zD_O$Xj>H+pRGBSQ^52pfgJ6HCB>z^3xr`*Nkw$S`q%495qO8OoK4E4;7?>j1P>Ggz zd@io7AJ%Eq_-Q;2Ay*>;bXz~9=_Oq|XtH;`IB-iw>qYd29uc(u1? zM-f3KzWvjiNac;y!9b#elEam=33g^19qxF|G>55p7EQq1 z&iIF0K&w4seNvoUv(5qV3T||HVFJcFA|k51>04liiU&lO2t2GsjaSk!5rW4SZf(jL5MW&3E3# zv+fY1|Ds5}t<`st%A(j#sN>=XE)?c>t#$NBy?7AGz)!$Ik??}oED&u96gCHlg=k|B z(L)@-B}0!FG{ODKwqE*B#tCRL&kFgV*hOuGk#>L|Nr!UDvE>u0YQO%P;rNc1L1abO z&9eO}1Vjpe3><)Pf!O!DKmMihUf`kd*?0H zrf+ZF(1s&>Y2jR*f-`D$E=p$xr3L^*^=xwCPD!xACHveXPAFpjFaNkOJneAOvAXuM zx4A!g*p1cD^0KIrv5rTUL~>l|9B@W!= z<3eh>Cil+Vt-3;KXaib^9mG)7h;+(vv2I02t2;u;j5lsV5jZ5+k)xe!UnPy7&5CW! zv$g_U=eOIasn6+o4>Cv_UIE?RV#ms5&42XQlse4kHWSF3?7XQ9 zz()3liCV`A(tVHQRDhpboHStnZJdW4-e;slEgR4~T> z!-_S&4<;uok{E3r-W-DS4MB^IqN!&)JTGm8;QKi*#$>^?S$SEXi(xBO&Y(OM`#%LutsmjO~ zdslmvj2@l@tC}of{=+!wZ@yLo9^{Th$15RIx(C0( z9#4FRCn6d|5Ti&L7B0kQ*)KgSp8^qiEtodDF9jv6Sm9X53GniWNK9zn0Zg)VC7(;a zTqWuuxT>^>HF|DgTy>hsF8TL7q8`wW{=LB;PbTU%Wa-{rN%oCTD8A*Le)JL|>D^M4 zmq*;(+*E%2nf*IZ`@(HrqpDQ?C~}xI)Ll0_JNxA9tf-+Od3SeL@?K}=At3xw*KwsT z2uM~*1JQWRC)00ASp1^i-~B;3Ejl_nxIna&wD1eM#~&}t*cN~5B(y*_>NUZ@dF_rL zW4F1qJ1N~~OVxu8tr0a73B-c<(P;8tzoNhov=6DmlN|$pt)v7xWqb&rq6=Mh?Y3Vx zyIr^b$+wqpIwpqPiX74^1Bb%08Ooc;#7sYed!c4bBTmrIj^%mCx(VwdUPMgI-};0_ z<)ySXho^*u>5Ee2^)f#GDO1|$+;Nm)F&Vt!7VFpe_I;m7J!%SXTNA;xDCw^%9WE%< z11Tz{0XdHbh;maH6?>TdI`eb2N{PdKLXMo=uR=G?<_3C*HSLF4vU#dSMMZ3D9VN12U?Z7U z>R@D^B~N9-Z`N}18P90&;6J&ylX7wdtyiUO*(*IT7Dk$_E5qsN=vFQsB9T3Rr5)fo z$zuPjA>*5_ed_m?2xs$>yD7uCR6Se6ic>t>>0 zo-8Tra&WKVSfXXBw$PLdF}*Cf`75y!DKxwxx9Sf2Fk)a_yct>U(QMjcU3N9&B$Co^Wug}A^nDG@L@ zs{j;mXaR)S?~+zgS|~EbapRQyNMkah&@}OgJdL{Kor(kdIp-(bURyxA&2~tz!}njN z0k(8>ZGsk(6et<+TzY4gd-pE`j$Diy&a|O$t6vTd4_$uq9!WI8a)0{8MI~8HSOH1r zt=h1rtD>TE+~{m%6!`Mu&Cbrg(&crVJkd);LUQ!}dSwaR@B();;u|iLOf=PTii|RF zeYlwAv~5oE85I@uC?rCJHw>lEaD7%1tzniK-rWXkYiqa!1Vul8Mh*-NB8oXG1yR3rxi5D5p#F_qH!c4m0 zy+c;53YLpQ_Xb70E3Zelfw~Z_yen6ha5BZKNLoMG*CcIuoqSce?bWFL)KE|y6$V2q z@&eBbOeedusP+RNwS)`x$*H8B9=PA^x*Xnt=l4sJutTo~8Z!bVBBY~(ugic1@XZR+ zmGWB3$-+M_tHP=*9CO7CW7zD`(bDGE)v*F_ktxQlFcG-^2onD>;Km!DnAih#!V1A7yxa)wf%{9GF<&joJqL08e!Lw}AK_vZ!AQz#1K? z9A~REIf-%1c|4XVYyBMo{JS?J-#E5VA&?HYxt_YWaki8CvnhkIg)6})pCoo*N8eue!OR{fD7}K! zg?YiElBhM^pr}S4#VUY!nW)pi+L7$6iYE9f#!V|g6YuC&)-u`Cs%h)Xyr)T zs(y6*`kgdbUf_zQSurG&P9mFp?GqyCVbB+F?wH1FHnf}UHkD3AMSIM+*H2{_!v6MZ zHsDfA^0(8xf#ZY{2GR^0F4_i5!%^jDH>t=exwUpyCC~ZQRh}}Tw*WElm{_x?>{jZ? z$OXsbiE5YS#l;~3$M?d*|Iqc;VO?%r*C--L3P`sgDGkyR0)ikd9n#VbA`OxfN-5pa zptOKANQ;1gNOwzjfAjY|-+P_+T-P~&?Y)5w_wQb7%{k^6W6m|Au<;V7MnyGF$kWqP zlB9e%tX(@|M=BJ@Y5Mh87Bl8f!vPMo(?_izr~acyF(OQi7)%<#>$YWkIU?Z6`{Hq) zr;?p(%AXhXzkQ@3r||Oe&F{HuH+u3xEhIiaODl&@9Dy3q!6PRdl9K!(D(Vpzm;dnk zi0CbA)P-bZf=w;i;fXfwNR?>Hf3%e!o(tOI%V5!8FnHQARq4@s-a*A*6r_A>YF-A#% zd&6qm(tBu%Kio-(zWKN>LK*QnEue)=fb4nKaNDay#7V)x>Cue#L3p?~j>FRl=SA1-%8#g{T}&N9y68iBGL zPcjl#j9a9pD<-!ek;s!A1@iqSepDo`fBJi0@@b7wno@E~3KXOZAla+bWv*D zvvF!EKcJ-u@QL^?tCCtgXB|)GGGI%S7XO9DyVX}5 zgDd}u=G&ixs#tbCb8(laxkfAY$ya}QzPcIam@X&^aiAztcW+?L2zb}ry`H;jOYl7eRHG>WhmDoo}{e8X6kR;XDsn{yk0jlt4}$6$)vh zM3c3;x|)!X@aLvS6-oJg!9CB30han{>Tr8CwHJB#p-dG|C#R-<-W8aFhBG{`f8_mB27#?yt35MknKtN*B5 zO)vI(O^KCP{Gs65SSdg5piv3uBq^rBm(o<`ju$p|Fz%B?>C2a@4=RmRO;^|<13MkL%^re; zLlfwtjmIR_0=lBaO8II64AKr(9xP4;%$Nh>HzJ5TmTnIGu9e|}iJ_+yPf`)7!u&gC zruF*o-@hfDoq6CeXT;^o^P*;cZy?yZ74_?v(!}JX1?BF$XI0n60wir^RODWnh0n6H zjfdpM5@RqdNFj4ky3dtJAIiw zM~9tOpWaA(zNcx1Y5SVzm(E7Pr3Pl8UF%i9PVO9OEU9e*8RiobuGlZpLY7D#ZZU7o z^Pm3l4;tdUUy2zX*61UPJWhxd7s-afvVUSXjFI`WE5ZJ+iH>t%mcBVtwzuj);ZYR9gsckwe8uA$s2n?&G=m+?H-P)1AH( z+Ad*jy%Fhae?Y5=K|RFCMD?pM#HA<@)6!BQyKt-}6iu;;vfM~6guZX-*1IP(c>ANb zqdzcskeapAD~m>r1&%FtnDJ0mz8>Njma2Hx=J&L1`@?ol<}_oBRsq)tr&=PbiZFxi z%gT$iJbDRFV(f3dOC{>Nk@DF0W60Fz3Xl>|d>^*Vv7q*F9k`H-Mhh{=EhW1fwsNNs zlbJ~&N&8F0M+e7z5(=RBidpvk0ZEP5a1g`w?mSIn(K}(GrjN>=n#G^sv?2W|H7sSN zUTIgD@tp8&?_k6U#ydPb92^;WYG6RUn(Cr7rQD)KlC^qr!IbkE&d$N{q{Hy&Xz;W> zlc;DKqK~Ixw+*YrpfMTYbJKSnlIH#!f#Ug}l+YKd;QmQz;P%7>Rq<`==$g`w!MSvepzo{XyrYM31r@j#&!-Fd|`E#t12>6Q5wvd|Z6R z7ubrI8h&&kwZJvbrkW!gNgex8J8N)~;_B*Ak4kJ27k}t;(+M8b`A;gB0VR^HvI&uT zE%#76KOF76&u2MIK-=vfM5Vc)^^s*972CU_yQhF1bC*UAGaL_HuFW=9J03IRLfwDB zUiE_pXOzHnsMna)d*4w%jb^zoL#63oR7BpzoGl!jSz1|T<>xakiIu7Rp{rmUV8*Hb zROF5y%8?KO?~)P+4LTiIJUl#9uY9oH4q4LE(FI0EV*e6c#HN=s0S+HT)R+j)rbNIj zka;C*fVK%jiln3Gp6m`ssbs`MpF6p*cs&bL|HkH~(AD8^K6q+55vdkJ;?l~mc9CsT z&$veG-(izmIA`lt4ikyr9Q!_wjHpjDJjfrGgQB{sKLka)~+!;Mv?{GcCiX>2L9#cIR)68OF(K(8QCQ0Xco+of7<o_S|kRl=)*;sA;U#4vF% z=2vnVmY7gG^dT zjEi^P?WecLL>A`VJGTi}m{HDOb%rvEF$yUf@nBF&si}w2cmGt|tuyvkVDze!RBL`( z^9+-rzU~E)OgQrCdt`_3Cb>rsEPtj7(a^H)(+}let9~>sU9F;T6|!Myy3`47L$z)F zokFSQKpkcAqVu(TyARustjVpstgKtbqt9QzJ_<0md6r@sE|t(H{qiLh0Cy&DZt5t+ zgoiB$zZCJydE9@0%L7?U8+f+g7Z6Y~A*xVY6bS9khij_za>;+-1pb?C&Zwy1!NkH^ zJrrzQ<3DoCF4(h$!lS84tVGkMTbEHJOiE8wf8$Esr+s%<{!v1D(44ln-k?dRiQMli zm=;ymOK)tGblzTDrkz#)43msKR11PdvTu8t#7ENwE(Yo7xCf4I-KY75`()SwuYv>S zxiTblh*2)*PUI7RauNDdqk4BSI^LEvu2Px%iK)4H$@o^eOYG;rfS4k}dw~l;&L2ZM34;&c_dpkwKTRuwY_mX9s|wqN7u{cHp(z z=G|co2@J-YR(<>SLR(u_Lt`|+ESi&068(5a2CG(x--m3bXgnBdKV#{ctN-;N$;Mhzz8)t5^IWbkNmx<7)Tp(p{wW^xMaegpq1b1I_5AItwE09M7A3o+xv9 zjTvV=D6$JT{^*|_o&4_sAI-dItc>4ZuJDrcd`ol``aAUu`+bBV!e)f`Ybj}ho?7#x zL=J8QJALpt!f<3@#U^=(qR?uiP8%lY<9Fx28BU*>&?{t_XxATEcmZaC2^*iJ^!JDe zidh!~(&~tVFcW&&_!4EW;Ia43jkut9dE*x`RctaOs&TwbwuH^Ye2- z2umIth53KWjN2olINV-;{2woX*YYQ=(+#cW-h`$@2B4LW22V}`?qeUV?AN`$MT}=eVZH22U)x_twtwxEXE}TKTf$L}@=Fb-f&(+>XMTPD| zrKIiNp>pNPeRR*)I;{x_8-;L+THyH;+J_I<6X!<#K4fF>3iQ?Hb?1#{!?l)yFBN{< zv@G%B$b~G|AReXHJ&cjB#w&F5*D@r4GOSR5x@Q{jGR~_5S_);cvpP zU0of=UcT8YRQ7p(vYMdpjKSG-YO;32Bv0`I0%DS*Jjp1%hEJgKr;>XZ=0!->!5I@6 zcwbPW2*`E^eFsC7f30gsS22m%9mZ(VbedY87ZL@OxRy->-r#CVH@Y_(D3}vGeB}P? zQ~ukd-G3LyNHTXA;!9Q5Hq*`>Vm{J$4cZrwJv_ zNjQyC%$u}ytdGnhRl@CfL}R6pC3KGsXWCu>SM(5XK=gzX;c=gZz9G|!oU7BtC>N+y zo%;F4kaqu74(xYQH~>)LbOa>4DF&%__o&n_4LlM4KpCSIj|#7g$;rvN*niT+L|~Vs z_qh>&w1s{<6eKx&eWseuQ{2^V^7c^27s)FMx18P@Ez08OeTmN9lPx8R(YYb@ho;>l zpY?L}u`_d%B2jaQ)#Y|YS9ndwNrw=*u)R8$#r+J zbmRTg!FESs)Oo=7%!rGHIsAveNv1MC&C@|HU0Q#3!#RCMb#~H{=g(>IPT8aX#dp6! zGPr$9(KFQW)@Kwx2Fz6l%63~pxD&hJ>sK9T#ghYLmN>&LFEc>BU%zs6c6D*5^w;Wh z%=q2-uo3rt6bs#RyG4XWC_TS6^cfK@_4R*lj22ro)ZQ(n3=yBT?Jz#&4*RqE2i~K= zH~Z=EAxpEH>#LHN_52IXru?u|#Lm~~fI3MZJTcQ*$&TPKfp4pcZNo*%x6aPaybn@l zm(t$M3^fkuIW$W9`ij9l0Q!!ts0gAj&Nd_d0o1mrQ}zP){Vw-PfGpT~Hc>`)h&l(g zZHH7qm+SU%QSf_BN*o*5?3W4wQF*xd46b&67`S|#hu(5uws^X

g2tn(^#??EF-GxzF#V$zh}~+IqhPnSv>Fd6KK9iL4GSo{0J2lm6w-yO>AZQ&FnIw z2FUL#gZ%duNFTF3s=Kh;j>LZckp#`rmDF+czTQe&*D&U-I#xon zTkT!3;_B>N1y2%?d&}A5Q8Lj}$&fo}jQ9O*qq!2F9Qko~Bg@6^T|5yYo=Ew$lv`qy zn5?m7mK$ZvOMZ4*dJ7;K^TUU-uTg|948+7;Lwo7 zvu9|qc&RSGgw(a!Fa2(AMkXzJo^b!>-g{$`laIl}&Nab4q~(xPCfmyQpkL>bEHYq< zsMTn?6^D$M-CGQGg3uAE0!hk$aG+~Au$?Lv<&H~P4PF59kQw3WC4Q`bwr#794T|2i zlCj6zTispOd%5l3(E@rebI|b5%{vFg%o#6E`H66t#;U zg$0!_UzLf{1T=(uO#~U;>eJdo;hK%-`bV09og^Gm?K)0nOvuiHNdhyQQo)c^|<#3d!Lh`L(yet{7*K!_a zX7nR!sBv@$z}!0ur&U!~$E2o;%$rpd;XTKkx13$FgTk!mipTUbQ?vpS;R>c1ZscJv zww3RnG4?pauSTLQStwAd^b`jC6nUG|GIx)Rp(I+gAlvV4} z-ErB1Xe(ZHvrMkrzr+|?;+xgFM+vQc#P0X^_a7b~ztGivZe_KeGd5)#)UB>oz9$?^ zh9UFp8EndD@yiA1iR(q1;n@npj1dgN%B;y+Uv#BCJkGKU&3?&HO71S4zy-coX=!O@ zuU_r#_i-M;)>Bbcl>j}dX2z2h`hhHnJrAT3`^}-+9)N9n26z8bPFy#7oj4!#3n+j0 zQ&d!BHj`Ke?>ZMSsI1NpzRv$A5reg}S^ z>2IzjEA2tG{GMkcV)fzYt8Ybh1klUTGcd$_{K#u{&Uu-$>MFdxz1<1orzh8_jPn-8 z&eZU4!3lwKAEQ@{wHvRdD)G!c6CepKL~zggF@o>oR(D~1)X+n zeLbtLF6rk_1%8Jah3DbEgyRa5X5YiRUF9evMp1N#`XRu6Oh{0B@uFf5S*9MF?3X^1 zX?v6$Z^t}XK0|Tu-&s?eQDu@mC3ZhBrrsX6EKV?Mv!3!2;e} zcM?%WU?;eO+`;jWjzzg~`yID`f8T;Wq=;(xdQ_uCyF38oe$#SoL6}^?Bw{d)c60&7 z4xM6KKW`QzEA zIHU)jaSHwPd`iR$Wdb}(r&)_Bcb2G=$A2hw2>(!nS2!>C$`Ml)m6uK~cCF6%3q%JE z(WsidDDzFFEQ#-@&Av-R_cGcThvNW8&*IJR`xG&<&q1ftDm$VkiKy$i^|J?G^46w* z&=`BnCr;8K1q?l+HEa~=%y5*}74en~w%sMn$j-UgG6p1Roq#V|XF8%D(u}pDrlycf z=74LjG`|Z}#DUnlvevz!WB;NZB0JoIA%Pz7JdE8 z5-GpZoE&;Q&hP7LJb5U|WuY(h@YPu5?i^$w1m?QPgR}+&rY%l!A`_ zu#zU#x(``c78W8nSKzXEk%yS%Va&D6S;DOYA#Y}V5;itA`NBtd>?AC9p{1iKfgr3@YGw(z)ya@G4RgsXM~+- zce@@;29RK?k+GxEO#}pg3!r@4dYjJYpfdEWk%NImOn}6_QxSao(5KEJMzt5Gp(Q9w z3CxGzdR;weyPXF!mB%I zXzTy}{n$J*Dc9b;xQZ*Ho!5xToj?;LQCFMJ%VRXt$@~7@Q^`q}|M8`LO-y`XS4TWe zq7{YM)aRMVJHh{WId47V@l7Bb&%75J%bVYu)k@#pNATB^{*pSZK?9R+8sGQk$Epe; zscY*y?3uEJ29|4V#_nz{(gXj6J94rmZ1<*IBcdeJG%09N8XFsV1q9-N&{0%;Z~vN^ zdhmQbcs5mOH9#+~fP~V{&W@0n_=S!R+3SmJ_a8ea%6RJ&dhV|26JD0(+G{&I`SAA4 z=Br1Fd_i%Va_XXLI9o{(K};6evN6IZl4B^|-(1~f8!im*B=HG<@=0BFtGREvYCsj!7BvV#VU8W;K(b^|UNItG;|GN-Jbho@J4g z-6&y}Z_?G-Sx{U|hlgHf-k)qm@KDLT4Yj^+*~HcsJAW9XY%TuWA`mY?{CY2H%KM-n z5O#dV^EE%er_li2|nq!cx3y$sWfmH~2R0TfKGFE<0Zl9`+2)+wBv zGVil}ve`(_A-f?wUjUllzI_|?e?)jAJ8e%d_xmNI9(vqz@RN%g zy>b&&A|j%Dlch5pVQ;RZ-k#s?3O17X`oy_?4ZE*l0xM)Ug#|~EQ9FLIOVmVSkAho| z-Z@?#o0?A{kyw?G)Ty-$*ZU5-g6coT3iOHutY{;58s_UFYeM_)xXRaMpC=qUIuP(c~Y;QdlE zvyxm)$@zE74I$7P_#9~)8gB6JfM*&GjTq_e&mcA4?4Yu;6Ru^{gD99;syC@@bs`Dh0gpZO>s z4KkJAMBNb(_Q1A=8y7IoqMb7?hLaZ6|>%-__w#4d#(LW ziWX(3>4F2{Q~}rdQU{6Q$WfCXI)Yn(iAw!2DCRDT;UeN&@p|@2{9PwI*V{X_#}hVE zLQO?Tgpw+tl0hZc^YYC!DvFl?7AB_qdTs(EsR+}c#kzq(7pYvVIXlwbJMF1FUUcjs zBXX_r@x<77q(-1dPC3LH*s7k~Iy^d3%BNSOJPKu)31Z+mus~UnNm9)EO!2tt4 z{R1|i87FZ2Z%#S9djCeERf> z-Lk!Q2%<||lvW0>Q78J{HQcZ&=p1In%o`5=t>fWomy8cjeq0@HOidT5g+v zG0s53BSkKAPKubSl(7WkY29jnKPk@c{(k;Xi+5EG$+V zelshXo9T3#R}M{0fo&YeBHhEhK-#pZiaeo@sKP7R`iy6$_+N~PySrf3(^{+HJTj(z zi*{Fo%wg%(I(?2Hyn9i%j7!uQe zFxgXPenHx}>;6>gG#J;tM7NrSL%C(*Z(*UcSGBwug#N6D;?-JA4c6}2T2m9J-@w|F zm}Hdl({a3C%x#BjXqxBXx}a@fh?9GSx}g~_TCar5K8{pScuz>go|H`3{2}jpU8c#G zxdQ=@hhIOwrR?l7o)x>j)6A)=vA#0Aio0-h?j+brMoQYU?uw6&!j+_OdgTkXJnVe> z$B!vW$0$B+9KUFvcT|DeYI19(YFH`dqmyt-RdOMVy4u~(L0)e;G+}c9Mu+WO?s;Ub z`BlG;=At@!$itvC0a4WZUDWt3!bA>!cndq(|GuQ#eQ*dMpu7Hc%0z38>PXAuRV{^C zPRJQ!^nJ=;tLN9ct4ZZJ;A4!JPNAF+iw%_%STc``_yhz1pe{VX8nJ!r*D%`kwM+5v z^;!gzPROMsYFCTXJX&-rhpbY@+Is%NL0k9kQgdJ{5}yUyX`A>(H&%+ybGf$zeqt>Q z36B3vOtPCJSPVdsf}jdPj9biCq@E;k%t?q05prv4VB*$2_!vEqQ-t!D8^+ZOsz_eQ zv-3NEN(E9D6l4p%*j`OT9`-d9{;jPN2A=B-y}i8%kyQM8Q5@-Sjl=yEemmXWtE6yP z@}j6su$16U{+XQ}`2Kn`yPQJ)!w)>!j{s3BpP%4Kf}R*OZJ(c=9RO3mBV`t|DR#Bl z))Wnj4C|-25^pM+Lth_wXx@VQhl#!| z1y&@1S?_}!TD+P`MS1zYpdBk0@8Y5&*m;CRL{7ltI<2O?L6)G%xxBpmf!EC@r;cR$ zPIxXRDX9k>4flOdY2QAf$-a#%iGJtK9dIvo8gZ?0P^2kXme#fp#DW`lvl+TWiw%1p8J`EAQ@PER{b8AH65qj!fjFOe!R2?5?+)16O(K>x~6 z<1#63?kCo5Z@1#85h3Eo!FZs8|Ni?|_Qi|eRYFC&UYU-0x*KnV(+J|v+k<6G7&+;J z$2N1Jmb<>bMtxZ^!t>I%)ZnR}yR89G^P>D%L-suXHJ1VbU^`Lu(7wnw<_Q)4b0sAN zqm`SVA4+22{#M!Vd>Hsc@bJM$$^(MM9>pQY#rqZl1yg&j(L&~x;^zV&;C_nEzH$`tlKYaLrp@H{>OTGEeRZc&G783crI<7W>wdwmxLXkCAco2 zHSudaTeZR){i<@0iC3@khlO$z(pfB()T=JM#Sj>jk}{{L$Xd>K`(bz+$iCetO(&vF z=cA?j7qd5Fu1=pmetZhT6iB<=GreH|`ACc=zu5tPMeweG`M}m<3X%y1Zi`N=Hu492 zPx%(6*tsmNwBIYyMQUanhns6_%y4^57D|*m!lto8KAZRQ0oIA_fxAc?K5CU=S0@R! z@FoM!wc+jl`=ly{*^(`5?}A$C1yAICIU0EUov2xhCvGKWXFq^yiYks_q7b`BBkt8Z z+#%{;r>E`($`yHe=BoLb3eu-s&ubHA!v5yMGy({d$}%!{;IZXjphLQJ999%?0vvLE zHG7kWm?R~?%@=EAjDV>3&`}@)JaPRzIkGNReLgff88L0&WyFPtjv^^9IN#TUWgJ)W z7s_R@he^{n-8Cmk$bVx?TqL|))jIzMoAR$s%VMyaIMrN3AM#JFgrdGi#<(!RMv1uH z3c-KOgc?>=h_*cY;)nFVs}ly(J^KJPE3w)R2D>d{8NjRumC?4RE8SbX zfa&@-E?rb_90AJgkEkh2ca-wA_8_>_uqQPB1FL$`|FKHK=L2t2)~la|MIqKZA7`BR zUzGbKvJXW%3`?<292Kce_`=vM()U|0KF+mtd*jyiEoTD}IW#mRJ!@I2Wu?`unZR)r z|55peF0}fnYH5Yy1@PJYQQ#p{;u`0WF3q;#BJJ+&eIP38)3&FBNw5?c7&zs7vDI*O zJb4LYfaVbc=ZL*CR$><~CTvRgV5si!@81ES(}64g@lHb=LhN(J_Y#q zZ>5E@`UzdD6FxH6b3oNWGP86#d&AjOyV0+bKvvhmbuZ}SQp$G;z*9w)b#|`!DyaWl zBP=-5A%%V3$zviejXWV=i!U-bru2VURwZL&S_sLB{VS-`A;I+C>o2?_4}V*al;)Gq zyclK%)&3#te+crG_NNgTQC+}j--b{Nq)uFFDy8R6!A(flO0c1N$Hi(AUVy-id!U|u zUGQBB{@tCM>m33%W#aIi213DX= z6WoV_qAA%ZLm(f1ehM5Xn5Kbcd7+`v0Rl$h*ROd{8_|y_J;k#|69JBwnS~|1yGM#M zP@VNj_N%WAgO-bv@D{SEXNfV|(5S0!em(O~MTaK_y2OZ=959SfVX>yCdDDiIQ=R^I z&4*w|g9#Y1a4CtM-BuM@6$WEARV=vHbY#uevc9Z^%vO=8dlF4+*K~uA76x_g>;eLa zNAUbMU+WmnGs+Ko_U^92M6M;5j0;L!u~Qm6LjMWdSrjZ~*lrl$ZGrr9_wHRVpZ^BC z4ZOPla*-APa;mCaB?v^k#b)W}v#zm%ibCcWxYCOx z0X0Dl1hp3NC&y8#fo?5j|22)ftGc(G{_Ab$;gN*6s!$?FOfXOMvVQs(G~|nA;2Omu zg&jq!G%W797XbSX8&ys1(Zf5o96?RdEK4Ko(L>Cq<0vI58A&;x0u`_6i^P*u!GK3Zbs8ary5){_d ziAoPLFexnxe+oN2HU&93WZ-O|kf4UR^li2u;YsX}d-VrBs})DlinRE!OV^5|FoBZ;lbo84j>n73s|Ue&0pMkW z7uY>8kY7}UsT2P?A+8$vsl%LcxyB?SCV-a&;zUn>e=fMNtx4h~-+_r)oWr`>r^xst z!4V3=uMS4xMYvmSB`cJA0qUi&v*0Jn%DAkWC3A?8x8n^SE^8MMy%!9UK(b?N?5C{GCBHb?i8>R@V1sm*n(29)TF5yFN(zNK_;yNe)b zkg>4@uC{cv4Ob74T7bJP(W~JYvCp)K%T{zBJXW-dQWg2J%uWv$F9ew7PZ=*Wmipmb zV-e1SZMZ!qQ<3ijQygf~U?;oCB_GZVxzUgd5M?5N<*765l^~45q5^~n*3|^V56Pw? zY5+eMqRZ4BC?rXtrusKKV5WK-5D5pwc~7$Y2P$ z!@Q#)qSCMZSJB7J#+Cytmfhqx0lPJ}z`GDw!dru*N?09{)s-~;kE6>@8($aV`(+5`zu5D~Q5E4pCPA0z|yE!-1 z_dQ#FQr33ypK+1m*QDSqQ&qi(NUM;U<}egt2UB3&N~HN=QbPWVa5gW`eoc`XiZhjs z&K~kl`OKIvU%mvtKx|x`6vAGGNy5jWTv|k-{Hbsqq&wJ;kHo~Ndv{)9u3@}6%G(+q zE&lgwx$$#av_X@%5MT)T{YLmD|6@hgGVox4ap9If->(v+PC?)cAPeg%GNxacT!BBf zl@w00=kx%|8n8jC5(dL7t1YSx>RJxg$^-aO^{FuUNlH+KNe3q2)<*i^2<2xqVS!Xx_D1!&hINX5f?$){g% z%5OL7Smetu>Qqa5{s}s95V`p1NY%jLSCK|B@u+{Nf)(FY)T>v^l3OnV&>=QrWJ~fEg@7>IW?$3A+hoVTAmtz_ME%oi^v(rb z{h^YPJj1(gBE!j{e5K1O))stWdv)L~cK^TJ72ESYO8F7r_W5~Zh|U1M;Seqyc`{X* zD!ekT{QG0Rr3DG0N%}#J<$gSFaTe-#8j3m_YH4=*|4*J~uX!mtrUoG?l+FFDwoXh) zKu9`*u4{M>O=pa7sGU51-&MvPJf=kcE+3D@hiX$fj=&Q;Cu%QWDjFCVsQVchF-J><0yn6!ZK7Jfb6S^8SPjU14{4nlmx;ct0;rw$_3$pn-b zut5_1xI3@W4mosp)9@x4X4eKmfe$TD+~n^gtR=}9pDnK|wr)TceZVrXd4w>+LpMim zZZ6V_0?aKV1arFVmbjj3PNauXjkc5;- zLQ$}#9MJ9J?8?TZO(+{1G-R0rgbA?0h}aY!5dlkf-KJxa##d;4+QXDl=5?}No2K$- zJHhh>ra+a3vb}ZnAXKVjV**)*)?%t269zs16<<>ev=!g7_2uN|DsC_kNrHVs$;<08 zG?AE@nL+YLw5{;>Iu^=Q^rLNM{`4MJiIg#2+bNYE@cM0C{d;=)ecy62o(1XF;^**O z1Qvv0JMh7pRbRZoFJH~Th46&%v5a;F1Rz72&ht(+2-%svxthHV8I8pA!|tlOU%b&? zG;Hk!NcZ@N*o~MZHHh|FQm_39Ph(JQ7Z-?tp&5R)Wd#p$ zV{AkkU;xkrfxSv~>LiQHQ?n2jgR14AT2|*LXa&$L7>O59`Ae8}A&@7Q-k3iHd{1$A zSPwr$B{SwEcPhU!el#Y*5!&902#+Aw%OjpbQDC~NfVCZX1Vkfe7WVAp?b^Wo{r!iJ zyb0J0@a0=D;@Mob_(}jZPMf^sOZ~80(BQZuLPJ=d5FgLKDiIo&^n~UKBx}(Af!GYM zsHhOqD#@#mRbAXa{1?3NN`)DpIb2dtkK)+}O5@QY4XBK|Mty_3Dy&%Fxg1SX2}~pRPzxPSzC0FqhlWc55NjhZmFVBGgkc&5ppX;m zjUu+?;GjPg$=|;xUtW4o+o=>&&l5>iv*gMw2XnG^sV&Gv>_8#E}k-a)W+uC=wwm(Aydj)BfLwlm{|C2x!kX1S9$d zFR^Ij9`z>yF)>7`1go3%<9#k5?^UifDguw`X1ryW64PUoJ72z0wzye?lU>rnpw)5wC)M{j`kJEl(1mbuu`0&g3 zLL(rgPGg=Vh?$Bb9FiuAG$f3Q!9L!=y#OC9! z(q@A*2(1x-VBopRtVfF&^e})sn+u_^pM#f-XkdZfl?D;^C3botDDpgdw7Qi>GQb?(HsE*df`FSG_5XNaru{Yh0(D5`JX93iQKHABV2DZe zJzqy?;J_zKoHQZu62fT#XaL#h>ih^Xo|$0V4@&P!xN{97Y7!j6&;b`V1INtV+M)4?_|23P8n|lAA=6HI?KJB99F1aCwqh& z6+00UJ6j@vG1K?=z!^(rq^ig~Ks;Kd1=vFbjsJ3XJt*~?ArJKYK=cO`Na8pUf5*2u z1JFC1x`%9RU^tQ%08D628Yb8toKspFmEzEpgy7E+ljRZfs3UtW%%KX=2S1L;#lK41 zsoEH*@OO(1ufjV!W%dsan5J(aPYbW6dvQSL5e~G+Bj#t%Uakm$n=+AzRTD|#)?ZK< zfJ-Iy)Cabjo?r`w2^VDDSJ%))xeMdYlVBv-0eB`~$=v!oGxMu3KfM>xC~u<71oanu@h7PiTrkarSH6g2Gm-lu=s7#ei0nTONjbV0WI+VCA1dD z{$HULQBbDu?Lp)6KNvj)ZOC80Z?FJI@}ka`9*~^C(l|qlo@7$8QCFpF9bAL7+j3>v`(t#t&(X07X{hbfx1l_yE8F z3M@iFNl8v^t^2Q1)J8%6BO5#Y^z`O=Nt_jITwE6rA@-pz--ipd4iIX3Ug?D_y*ngR zSc)_FLI+}e{D0}2BNf*fR1*CbDO}N~N=iy2#|#qQm4}_P#6mz`tbz+TdAE^W@0;VK zT}_8&1U{QNaYX67_i>*|xly^cBop))%Ru0%V1pthywwODM41hMh;Dz1 zsSW;jP)n9Z^IrfslagvLNnd2%n*pL$s^ud#>j~GmN;C zs%tFRZJcBb4KubW{J@ow(D!N0_&MG^dbu`B-WMPO!|y0~j&!ckjzEq;9Cy7M9Rvjx zU?MmH5HJxYKZK(+(uS^Q?^oS$NEatMju~IlrFgbrw16wp?Sc$$wt4tJBYM`n#8uMhPCV6*ddcO zK-SfV2{fsG*Jr>A0GxFDVNyx(!$0??FrG#tK&U*iCtsJiLDbn)ZI_&3Wl14E9M1D%t{*^lP?puz)v0S~J){3)D+X!9>WgY#cyFaPn^XA| zL^5R{eF27#{Q1Mt!>08gN7W^`yiFlW0;dd^5TS5En~Y98f*#S*cS4=Lxjr#%tfK|j zcL!qd6JmA|zwKW{f$_J|O91F(Xex08i%dCG#{hA0TIixg+5lE`A*#_|q9;>>2L&X2 z|DV=Jum=aC;l_Ua_ycUy0}whfTM+3Aq;g>H>BLW4aii&hgF_xApIGU@twf8fGo>gR+XTU9Rdh~Z4fz~ z3xxC-yxk06ZaV9C*hk>O`Oy0nK&k?3j|c;`;C%xYb`gR=7Ery2q^IxP!$2wG9t|ua zf(mz>^*Mn-H0XFmd7v-C7%>TGn*m$H+=s{8a~s8_D+s$&)lDRZIgRSANFGlu89d5$ zKfu1V(9R6{^&BF$>?R@_5Fn8u>dEVq<_xX?CCA@*27Dq=&eywbEwsG74Q8T;uweT) z6ZHoL1>3ARbF;Tlq)|Rf|Dd@|j7RcBU1hM1n=pJL=ntusV&dm8xY`$)Kl9H^LINuZ z?pSLV$A?7khY~ICb@;2QA`9M=h_5w{HZG3jVxxQ1eBC-f8Y4|;PMUfl6#DsKrSX1q zC|1ISZ?o53Z0r%YQ0F&G&K?QUrJtr*qPRO>U4`J@|KPOP`Oy2oZxjj*lktjIKnBVH zP)~TtD@)$3;IScP6&vIf?+~5Egv5dc;F!72j=E7yn!w<+^MOlGT1%TrQoUU zX|1vv1_|?~_c)rGnfZ2s+04w$8b_zn^XD6f$ZDn;m;F-ZJ7)akV?4b6UDrQl zP((pX1_sOx1C9p^>@&BjrOtGK33&O{)azSjg*KZEEOq{u{d5DHzj6LGFiZ;m+x>9u z9wimkV|8-(Pe7eLpryS90--iA-PxZ%8}@Wf_Hy~0y9PJQKQjOM#MYJ#(k^XWkCB5z zsiQC023$7LS5{U`z*}$%=W%ashz{;XMzYiS36nujt`wuGKO;pmzkmARZDr-7cs88? z1d|}z^tHB@G$bTsYV+E6#aX^E$-3ahpFi6N8Y28X=!i&Jo`tXs11zM_b4eN0XiS}&x=ca88M$C)XT#*f7f0lW_;kIg8Z!ty=*O@1H?TlB4Kml=^#pcviV%b7;lBKk% zDIE)E*;xnzMGI*ljL<`D3ZSpCse})Mtyk`%IM-1c`Wz8K-id%4ya(Xs=*TwQn4&6+ z0cvkxM)AU)I=Z=aZco?OdtWv{_&^-0%}d@_y@a-t-xTM)J4qpg`ukiQX901To}T`< z{tf59fB(+Cw;>R#x%(V#X#5=?H{M_BiS98gC@N}$GDEmgQ%j44CrM#m8}cFu2logF zZo`djNOn>FVV;>t(FIf_BqZ?2Mhic}{? zkSTyjK?d10F)=Z-u8s^m!?kaAsK-LS6qn3D*~Hx2otN@HoeyPZW`^lrnD7cOwg#Xg zLY<$VmsL;*0v9dJNt=VI5bzJB4B&LkXn=aArluwpapwXX{4GO6L&yq7higMf6TS8S zCaST}a47xXzrPFaY&2LQI9SJLpSOTn2nr1~h29dd`Lx69x<^5Q<>lqY20l#*35j>_ z-*>Z4RBk^%H{n|3~d7Xy@gXE+h7zsdf_mBO!hPi563SFp zON@a4hb%ZWIEeJ@*|Wr?q}PJ0>-@ILV*-?xU-p-rg+5S=hQE7QrWPxX}96=!=4_H_>>c;xac(7rh6b1$cIwmHvDK;>v@7}#@0dg0qs#*k5 ziUU$0{O)xaUsEH%sE~*R7r%g435JN!2?~nTY-0_3ofNgcSHk-G`scRSOC736 zvg+APw~QzO`?9?$Rm;Oe=()VSF~}cYUKb=B58Fut z)mgS&L!H40KU z2QUPFpKa2kqa!W>fv$4XE-r@|5tuWH29Laj#|Cm!Yexs_-rnBxI+AR%wR>EuHum=R zwXW+g{FDRnkT&Z6l!4X(i4(jpKXT;ajI6ECf1ki~XEagKMjXUyc!Xw_iR&(NcRHRQ zTEUBN>+in{ErHg> z7LBTnWR{BEbs$sD<01na=D42Sxz^i=r-X5{aELW^8I|PaH|rqM;$UZtu_!|z4}SC! zu7Zt;i4lCgL1hQ!@GU{}1a$I>h=`QIv;bedi_XQp%;I7Me*jxZf4=dT z?y{)op=_3hfyL{)8Frt#NTtlp83O_XjcsfqAceF;IXhZ&t`D{oFr;i(C0rbAB*I}K z;O6EQ^t%>GO--#`+#1u+)MUA&(bv(D+gz0`h28KGE)sf{RptVoOaGfU5+FrB0r&h# zlRAs^)2Ap9DBytM!mt+@INvn9Fc{Q;X~1if7#kaq;df021216+eW(ia570eEoJ02` zs(J|`I^0ipX~$SNq3sXmIKk(Z0QBQ~I*$fG1_$1mb-la}99OkG1qnFAHFs1v66jz( zCtt{9_#Bf#o^m?=r=yT2tT8VNy&^E0lm-|8tW#=n-$>{!q!kp@_7ITbMTVpOR1VfhkHxw-u^N9n1W5=D*IaN(F$yZGF~q&UO+Js2jNqai?Pgz5sNsovUy5GU z`oI_7g@vgy-*#E-yqo*+Ep2izkAD!e9IU3Kq$HQ!1TW-m6PUTPdvqjiY;2sba}Nn| zwJh@O+vPAt>}QGqE(p-*=;%*iSPG+3YQe%|nvErh369V$h_Iz8T*rovB0Lapa ziNlaXJ7Ib7h=@?BsHom`m_Tji$c{9r7hV_#7f=8_N)G!cRF*yqWxPegH`Xj`=hA zAifuqvu>WhV2{(r$nHW*flF7Oat010CwfN4BI}|hqDO!RR#sO{*MH|4Ma}~NRKJPC zW5~v)p=EhM9C0gCD(rneJcW}D!z3K%|I^#G$3vO6;n%Ec6q;mPQJHtL6A3%jCg+TC zSZUXxwb~V&-#6(c>zc0@Q++Dd{0NF+8*bgAx!jrPjezcctDpzl zZDUH8>_1w1kfJmbzYy4O+=i1^%z%@|9UOiA`o*6f=UfbmkNFFNek(c`@cs8j*=GKS z5ZBb<5GIzDh1A)laRu{hEgg?AJw!B3Ux^v#qQ%?2ZZEpT`S@+!*{TfqZH=Z3{U#(o ziE0-LHY_9H&liu0S`rgeX%SBJ8ylmiEb!f%65 zm-UWm+v0m!`*-ZVB=?yT)~7@dP3~|n+8{?GRJmsJyIkILaxi6H@$x;Hs2B)Vhc%b! z)C0jOhlV;UH`SqG1bpsN9&a9^6uft0L4iJ?IV}ED*OF-t0XT6CEvWX-QqP zPogpeXvHsLVIYbWZLKY}B_nh3p}A{9b+xp#s7pc1&Q?^gbam6p%gc9EJ{$jwIcJW8 zk58_A40pK)Pn|V8$u-ZMzG0scujcWyM8YC9&e;DzPdWn5JbaNvZ3NQnu$w=OylKrc z#-2=j^vDOY*8t$y=9ZR$8p#TJaAcrD38PM`ar^rE${k0SWw`=Kw!P_|(b0N$a&nSw zY<%V$5t1zOd-t?}=6x=0&EzX%`ET`R;C!~AgpyuxKsh{o(Bp*DPJLutyDYFnv2cZ7 zY;-i+!eZgSAmC8Ec##fLO&1efOLWP(-mn34H8vH5-TV>H7TGJDu=9{Oblr&k1iD~8 zTxM9An@d6A3^iQ*6?%IG21c%}5y}{FtLxNO4eFcSpNIUe8YaSduZ8Q|50WkDs~m|f zK<%CPPg`2la6_wVYRDEGLyR}k+s^#nVc|M{if46{fXvJW#@&zQNRb%RN-gOeA{>T? zhip$*-ClpkRor6@7%G4?himswL13f+zNS!5w`UC(cm2cLpd@5@En<}f=x3pNz5XJF zap|nyi6?gij|ocwNLx}?wv^4L)^&0vIE=QNV>^*~0k2L{GeZ}7Y6BWD5d4j&mo4^) zuL;Y2`0yc8N^)?usbH$VcFWjW2z|$k&dYOw5v3TV4OF9^Dv+BvMDMzoy>WSxyP+6g za7n->Vtx^SR~YhI&F$?CsAdg+*7`BwO~mL&2^;x!++J~Ha;ucZ-{@qT0~+(`I>>HJ zH(&ehSqw6!s4Pr6e0VWLc1FoYK z!^0Y2Hc@X#N%3hyk?4Max|x~Tj?FKjiA*H#P*bx2EwpnjBDnBfyj?GRzJ8)bKPjdp z5?h0uHkC_RnbF7GxDIF+0~{Uj!w(($US4x#GT9`Uj>PpjrZ?Q#6MZf7*IHU~fT5v3 z^ypDnqXnyeT`J_im1Jjo?^n#F;E7>i!ck-$mz%YF>&ui^^>giN!xx18T4fQxh3PzRFR%N<{n;&n6`+(c|L4=E^uSs4 zV@cR>Y;`Kct?A_dh63CCe2a+E&TWWMS{E%^gfRk3^49L;SnYXxDJ}TSO^^~kE-uW8 zZ@Gtg7&Kag@U!1g@bVfk`kzquA8*(f%DMyI|vr1--JwS+ME#NO|!BV@3pAG3 zwYnX_Er*MCp{HI@iffT^ZcOThnq2H+;F-r$^N1q* zd_D9klD216moM*!?WNe*?kkU~iyG7Sxft*fr(S+n4MmyfDQ)COX7{4w7;a4hFB$qP zG*eZKD$!JHG#-gc;8vvgmhBi9gSx4#Gy}3pXlM`+Nf8b*aNFtk3`q_LUF;FNxEN@) z=kiY6kASj3`+_HhDBpRL5g*ZlnUKG`rJ>Gkl5kHCBy9=NeQ@XVUup1svd&JubRLNY5j|2J58qbnleV!SQ}71FvtpQTy-cQpVv%U{ zRVYI40b-8nx1N$EBxpcr1RW;vXUM*x%53`h!}y{zXAT&7m6E8&3ImHWG3z6UTWv@7 zug6R{4WLL8-zSOCuZ9O_t?cb3ERSh;TT9D6v;st0di3FUVJZ}~v15?QN=XNX>gvfi zzxyi{3aZe=!7$4e{Ej?GHR8t~Ntp6>sFFM-gsdTVjwhkjUu5L-f@({&ZnzZ|H?BuX zj~IE4qBxU=p3Xn+ub}-ACM#AL8b3&dTZZ}tvDn9m%L!D(!2r-yx%40l!p_x%>@N&G z>>MjG!6*9pX%@LNkr5iX(-R}odUd+!rMCFBN~6v<6<2RaFXCh4Yn)zz`lLE`QNUSz zHcNQ7*b(O{$;Chp?uQqGIai^1u22#t$H!AUrT}%wkiGBBbMx~L(hkW&&@5He)z5Cf z!?CooUTHA6!88YL^iSTO2yV~a2Z~4xlD!F!rEF}|ss9?>)V(9Yja84n?N2F~bsSL{ z1ss5S26AR3d^|wt92eWy~;ju=6RHCO<$YAZ#GUKk>aLU zC)QSDmGQ|j(a3o(2!SAym0LI@tJ@2Og>oHiQ()eGSRNH#tw7E#eM8 - -| # of GPU | Acceleration Rate | -| -------- | --------------: | -| 1 | 1.00 X | -| 2 | 1.98 X | -| 4 | 3.73 X | -| 8 | 6.95 X | - -`utils/profile.sh` provides such a demo profiling tool, you can change it as need. diff --git a/doc/images/ds2offlineModel.png b/docs/images/ds2offlineModel.png similarity index 100% rename from doc/images/ds2offlineModel.png rename to docs/images/ds2offlineModel.png diff --git a/doc/images/ds2onlineModel.png b/docs/images/ds2onlineModel.png similarity index 100% rename from doc/images/ds2onlineModel.png rename to docs/images/ds2onlineModel.png diff --git a/doc/src/augmentation.md b/docs/src/augmentation.md similarity index 100% rename from doc/src/augmentation.md rename to docs/src/augmentation.md diff --git a/doc/src/data_preparation.md b/docs/src/data_preparation.md similarity index 100% rename from doc/src/data_preparation.md rename to docs/src/data_preparation.md diff --git a/doc/src/deepspeech_architecture.md b/docs/src/deepspeech_architecture.md similarity index 100% rename from doc/src/deepspeech_architecture.md rename to docs/src/deepspeech_architecture.md diff --git a/doc/src/feature_list.md b/docs/src/feature_list.md similarity index 100% rename from doc/src/feature_list.md rename to docs/src/feature_list.md diff --git a/doc/src/getting_started.md b/docs/src/getting_started.md similarity index 100% rename from doc/src/getting_started.md rename to docs/src/getting_started.md diff --git a/doc/src/install.md b/docs/src/install.md similarity index 100% rename from doc/src/install.md rename to docs/src/install.md diff --git a/doc/src/ngram_lm.md b/docs/src/ngram_lm.md similarity index 100% rename from doc/src/ngram_lm.md rename to docs/src/ngram_lm.md diff --git a/doc/src/reference.md b/docs/src/reference.md similarity index 100% rename from doc/src/reference.md rename to docs/src/reference.md diff --git a/doc/src/released_model.md b/docs/src/released_model.md similarity index 100% rename from doc/src/released_model.md rename to docs/src/released_model.md diff --git a/examples/cc-cedict/README.md b/examples/cc-cedict/README.md index e69de29bb..513fca533 100644 --- a/examples/cc-cedict/README.md +++ b/examples/cc-cedict/README.md @@ -0,0 +1,58 @@ +# [CC-CEDICT](https://cc-cedict.org/wiki/) + +What is CC-CEDICT? +CC-CEDICT is a continuation of the CEDICT project. +The objective of the CEDICT project was to create an online, downloadable (as opposed to searchable-only) public-domain Chinese-English dictionary. +CEDICT was started by Paul Andrew Denisowski in October 1997. +For the most part, the project is modeled on Jim Breen's highly successful EDICT (Japanese-English dictionary) project and is intended to be a collaborative effort, +with users providing entries and corrections to the main file. + + +## Parse CC-CEDICT to Json format + +1. Parse to Json + +``` +run.sh +``` + +2. Result + +``` +exp/ +|-- cedict +`-- cedict.json + +0 directories, 2 files +``` + +``` +4c4bffc84e24467fe1b2ea9ba37ed6b6 exp/cedict +3adf504dacd13886f88cc9fe3b37c75d exp/cedict.json +``` + +``` +==> exp/cedict <== +# CC-CEDICT +# Community maintained free Chinese-English dictionary. +# +# Published by MDBG +# +# License: +# Creative Commons Attribution-ShareAlike 4.0 International License +# https://creativecommons.org/licenses/by-sa/4.0/ +# +# Referenced works: + +==> exp/cedict.json <== +{"traditional": "2019\u51a0\u72c0\u75c5\u6bd2\u75c5", "simplified": "2019\u51a0\u72b6\u75c5\u6bd2\u75c5", "pinyin": "er4 ling2 yi1 jiu3 guan1 zhuang4 bing4 du2 bing4", "english": "COVID-19, the coronavirus disease identified in 2019"} +{"traditional": "21\u4e09\u9ad4\u7d9c\u5408\u75c7", "simplified": "21\u4e09\u4f53\u7efc\u5408\u75c7", "pinyin": "er4 shi2 yi1 san1 ti3 zong1 he2 zheng4", "english": "trisomy"} +{"traditional": "3C", "simplified": "3C", "pinyin": "san1 C", "english": "abbr. for computers, communications, and consumer electronics"} +{"traditional": "3P", "simplified": "3P", "pinyin": "san1 P", "english": "(slang) threesome"} +{"traditional": "3Q", "simplified": "3Q", "pinyin": "san1 Q", "english": "(Internet slang) thank you (loanword)"} +{"traditional": "421", "simplified": "421", "pinyin": "si4 er4 yi1", "english": "four grandparents, two parents and an only child"} +{"traditional": "502\u81a0", "simplified": "502\u80f6", "pinyin": "wu3 ling2 er4 jiao1", "english": "cyanoacrylate glue"} +{"traditional": "88", "simplified": "88", "pinyin": "ba1 ba1", "english": "(Internet slang) bye-bye (alternative for \u62dc\u62dc[bai2 bai2])"} +{"traditional": "996", "simplified": "996", "pinyin": "jiu3 jiu3 liu4", "english": "9am-9pm, six days a week (work schedule)"} +{"traditional": "A", "simplified": "A", "pinyin": "A", "english": "(slang) (Tw) to steal"} +``` diff --git a/examples/chinese_g2p/README.md b/examples/chinese_g2p/README.md deleted file mode 100644 index e3fdfe684..000000000 --- a/examples/chinese_g2p/README.md +++ /dev/null @@ -1,5 +0,0 @@ -# Download Baker dataset - -Baker dataset has to be downloaded mannually and moved to 'data/', because you will have to pass the CATTCHA from a browswe to download the dataset. - -Download URL https://test.data-baker.com/#/data/index/source. diff --git a/examples/chinese_g2p/.gitignore b/examples/g2p/.gitignore similarity index 100% rename from examples/chinese_g2p/.gitignore rename to examples/g2p/.gitignore diff --git a/examples/g2p/README.md b/examples/g2p/README.md new file mode 100644 index 000000000..4ec5922b3 --- /dev/null +++ b/examples/g2p/README.md @@ -0,0 +1,3 @@ +# G2P + +* zh - Chinese G2P diff --git a/examples/g2p/zh/README.md b/examples/g2p/zh/README.md new file mode 100644 index 000000000..de5573565 --- /dev/null +++ b/examples/g2p/zh/README.md @@ -0,0 +1,93 @@ +# G2P + +* WS +jieba +* G2P +pypinyin +* Tone sandhi +simple + +We recommend using [Paraket](https://github.com/PaddlePaddle/Parakeet] [TextFrontEnd](https://github.com/PaddlePaddle/Parakeet/blob/develop/parakeet/frontend/__init__.py) to do G2P. +The phoneme set should be changed, you can reference `examples/thchs30/a0/data/dict/syllable.lexicon`. + +## Download Baker dataset + +[Baker](https://test.data-baker.com/#/data/index/source) dataset has to be downloaded mannually and moved to './data', +because you will have to pass the `CATTCHA` from a browswe to download the dataset. + + +## RUN + +``` +. path.sh +./run.sh +``` + +## Result + +``` +exp/ +|-- 000001-010000.txt +|-- ref.pinyin +|-- trans.jieba.pinyin +`-- trans.pinyin + +0 directories, 4 files +``` + +``` +4f5a368441eb16aaf43dc1972f8b63dd exp/000001-010000.txt +01707896391c2de9b6fc4a39654be942 exp/ref.pinyin +43380ef160f65a23a3a0544700aa49b8 exp/trans.jieba.pinyin +8e6ff1fc22d8e8584082e804e8bcdeb7 exp/trans.pinyin +``` + +``` +==> exp/000001-010000.txt <== +000001 卡尔普#2陪外孙#1玩滑梯#4。 + ka2 er2 pu3 pei2 wai4 sun1 wan2 hua2 ti1 +000002 假语村言#2别再#1拥抱我#4。 + jia2 yu3 cun1 yan2 bie2 zai4 yong1 bao4 wo3 +000003 宝马#1配挂#1跛骡鞍#3,貂蝉#1怨枕#2董翁榻#4。 + bao2 ma3 pei4 gua4 bo3 luo2 an1 diao1 chan2 yuan4 zhen3 dong3 weng1 ta4 +000004 邓小平#2与#1撒切尔#2会晤#4。 + deng4 xiao3 ping2 yu3 sa4 qie4 er3 hui4 wu4 +000005 老虎#1幼崽#2与#1宠物犬#1玩耍#4。 + lao2 hu3 you4 zai3 yu2 chong3 wu4 quan3 wan2 shua3 + +==> exp/ref.pinyin <== +000001 ka2 er2 pu3 pei2 wai4 sun1 wan2 hua2 ti1 +000002 jia2 yu3 cun1 yan2 bie2 zai4 yong1 bao4 wo3 +000003 bao2 ma3 pei4 gua4 bo3 luo2 an1 diao1 chan2 yuan4 zhen3 dong3 weng1 ta4 +000004 deng4 xiao3 ping2 yu3 sa4 qie4 er3 hui4 wu4 +000005 lao2 hu3 you4 zai3 yu2 chong3 wu4 quan3 wan2 shua3 +000006 shen1 chang2 yue1 wu2 chi3 er4 cun4 wu3 fen1 huo4 yi3 shang4 +000007 zhao4 di2 yue1 cao2 yun2 teng2 qu4 gui3 wu1 +000008 zhan2 pin3 sui1 you3 zhan3 yuan2 que4 tui2 +000009 yi2 san3 ju1 er2 tong2 he2 you4 tuo1 er2 tong2 wei2 zhu3 +000010 ke1 te4 ni1 shen1 chuan1 bao4 wen2 da4 yi1 + +==> exp/trans.jieba.pinyin <== +000001 ka3 er3 pu3 pei2 wai4 sun1 wan2 hua2 ti1 +000002 jia3 yu3 cun1 yan2 bie2 zai4 yong1 bao4 wo3 +000003 bao3 ma3 pei4 gua4 bo3 luo2 an1 diao1 chan2 yuan4 zhen3 dong3 weng1 ta4 +000004 deng4 xiao3 ping2 yu3 sa1 qie4 er3 hui4 wu4 +000005 lao3 hu3 you4 zai3 yu3 chong3 wu4 quan3 wan2 shua3 +000006 shen1 chang2 yue1 wu3 chi3 er4 cun4 wu3 fen1 huo4 yi3 shang4 +000007 zhao4 di2 yue1 cao2 yun2 teng2 qu4 gui3 wu1 +000008 zhan3 pin3 sui1 you3 zhan3 yuan2 que4 tui2 +000009 yi3 san3 ju1 er2 tong2 he2 you4 tuo1 er2 tong2 wei2 zhu3 +000010 ke1 te4 ni1 shen1 chuan1 bao4 wen2 da4 yi1 + +==> exp/trans.pinyin <== +000001 ka3 er3 pu3 pei2 wai4 sun1 wan2 hua2 ti1 +000002 jia3 yu3 cun1 yan2 bie2 zai4 yong1 bao4 wo3 +000003 bao3 ma3 pei4 gua4 bo3 luo2 an1 diao1 chan2 yuan4 zhen3 dong3 weng1 ta4 +000004 deng4 xiao3 ping2 yu3 sa1 qie4 er3 hui4 wu4 +000005 lao3 hu3 you4 zai3 yu3 chong3 wu4 quan3 wan2 shua3 +000006 shen1 chang2 yue1 wu3 chi3 er4 cun4 wu3 fen1 huo4 yi3 shang4 +000007 zhao4 di2 yue1 cao2 yun2 teng2 qu4 gui3 wu1 +000008 zhan3 pin3 sui1 you3 zhan3 yuan2 que4 tui2 +000009 yi3 san3 ju1 er2 tong2 he2 you4 tuo1 er2 tong2 wei2 zhu3 +000010 ke1 te4 ni1 shen1 chuan1 bao4 wen2 da4 yi1 +``` diff --git a/examples/chinese_g2p/local/convert_transcription.py b/examples/g2p/zh/local/convert_transcription.py similarity index 100% rename from examples/chinese_g2p/local/convert_transcription.py rename to examples/g2p/zh/local/convert_transcription.py diff --git a/examples/chinese_g2p/local/extract_pinyin_label.py b/examples/g2p/zh/local/extract_pinyin_label.py similarity index 100% rename from examples/chinese_g2p/local/extract_pinyin_label.py rename to examples/g2p/zh/local/extract_pinyin_label.py diff --git a/examples/chinese_g2p/local/ignore_sandhi.py b/examples/g2p/zh/local/ignore_sandhi.py similarity index 100% rename from examples/chinese_g2p/local/ignore_sandhi.py rename to examples/g2p/zh/local/ignore_sandhi.py diff --git a/examples/chinese_g2p/local/prepare_dataset.sh b/examples/g2p/zh/local/prepare_dataset.sh similarity index 100% rename from examples/chinese_g2p/local/prepare_dataset.sh rename to examples/g2p/zh/local/prepare_dataset.sh diff --git a/examples/chinese_g2p/path.sh b/examples/g2p/zh/path.sh similarity index 82% rename from examples/chinese_g2p/path.sh rename to examples/g2p/zh/path.sh index 482177dc6..f475ed833 100644 --- a/examples/chinese_g2p/path.sh +++ b/examples/g2p/zh/path.sh @@ -1,4 +1,4 @@ -export MAIN_ROOT=`realpath ${PWD}/../../` +export MAIN_ROOT=`realpath ${PWD}/../../../` export PATH=${MAIN_ROOT}:${MAIN_ROOT}/utils:${PATH} export LC_ALL=C diff --git a/examples/chinese_g2p/requirements.txt b/examples/g2p/zh/requirements.txt similarity index 100% rename from examples/chinese_g2p/requirements.txt rename to examples/g2p/zh/requirements.txt diff --git a/examples/chinese_g2p/run.sh b/examples/g2p/zh/run.sh similarity index 82% rename from examples/chinese_g2p/run.sh rename to examples/g2p/zh/run.sh index 8197dce4b..25b713110 100755 --- a/examples/chinese_g2p/run.sh +++ b/examples/g2p/zh/run.sh @@ -6,16 +6,19 @@ stage=-1 stop_stage=100 exp_dir=exp -data_dir=data +data=data source ${MAIN_ROOT}/utils/parse_options.sh || exit -1 mkdir -p ${exp_dir} +if [ $stage -le -1 ] && [ $stop_stage -ge -1 ];then + test -e ${data}/BZNSYP.rar || { echo "Please download BZNSYP.rar and put it in ${data}; exit -1; } +fi if [ $stage -le 0 ] && [ $stop_stage -ge 0 ];then echo "stage 0: Extracting Prosody Labeling" - bash local/prepare_dataset.sh --exp-dir ${exp_dir} --data-dir ${data_dir} + bash local/prepare_dataset.sh --exp-dir ${exp_dir} --data-dir ${data} fi # convert transcription in chinese into pinyin with pypinyin or jieba+pypinyin diff --git a/examples/ngram_lm/READEME.md b/examples/ngram_lm/READEME.md new file mode 100644 index 000000000..84e1380c3 --- /dev/null +++ b/examples/ngram_lm/READEME.md @@ -0,0 +1,3 @@ +# Ngram LM + +* s0 - kenlm ngram lm diff --git a/examples/ngram_lm/s0/.gitignore b/examples/ngram_lm/s0/.gitignore new file mode 100644 index 000000000..b20d93aa5 --- /dev/null +++ b/examples/ngram_lm/s0/.gitignore @@ -0,0 +1 @@ +data/lm diff --git a/examples/ngram_lm/s0/README.md b/examples/ngram_lm/s0/README.md index 698d7c290..65916ec54 100644 --- a/examples/ngram_lm/s0/README.md +++ b/examples/ngram_lm/s0/README.md @@ -2,6 +2,95 @@ Train chinese chararctor ngram lm by [kenlm](https://github.com/kpu/kenlm). +## Run ``` +. path.sh bash run.sh ``` + +## Results + +``` +exp/ +|-- text +|-- text.char.tn +|-- text.word.tn +|-- text_zh_char_o5_p0_1_2_4_4_a22_q8_b8.arpa +|-- text_zh_char_o5_p0_1_2_4_4_a22_q8_b8.arpa.klm.bin +|-- text_zh_word_o3_p0_0_0_a22_q8_b8.arpa +`-- text_zh_word_o3_p0_0_0_a22_q8_b8.arpa.klm.bin + +0 directories, 7 files +``` + +``` +3ae083627b9b6cef1a82d574d8483f97 exp/text +d97da252d2a63a662af22f98af30cb8c exp/text.char.tn +c18b03005bd094dbfd9b46442be361fd exp/text.word.tn +73dbf50097896eda33985e11e1ba9a3a exp/text_zh_char_o5_p0_1_2_4_4_a22_q8_b8.arpa +01334e2044c474b99c4f2ffbed790626 exp/text_zh_char_o5_p0_1_2_4_4_a22_q8_b8.arpa.klm.bin +36a42de548045b54662411ae7982c77f exp/text_zh_word_o3_p0_0_0_a22_q8_b8.arpa +332422803ffd73dd7ffd16cd2b0abcd5 exp/text_zh_word_o3_p0_0_0_a22_q8_b8.arpa.klm.bin +``` + +``` +==> exp/text <== +少先队员因该为老人让坐 +祛痘印可以吗?有效果吗? +不知这款牛奶口感怎样? 小孩子喝行吗! +是转基因油? +我家宝宝13斤用多大码的 +会起坨吗? +请问给送上楼吗? +亲是送赁上门吗 +送货时候有外包装没有还是直接发货过来 +会不会有坏的? + +==> exp/text.char.tn <== +少 先 队 员 因 该 为 老 人 让 坐 +祛 痘 印 可 以 吗 有 效 果 吗 +不 知 这 款 牛 奶 口 感 怎 样 小 孩 子 喝 行 吗 +是 转 基 因 油 +我 家 宝 宝 十 三 斤 用 多 大 码 的 +会 起 坨 吗 +请 问 给 送 上 楼 吗 +亲 是 送 赁 上 门 吗 +送 货 时 候 有 外 包 装 没 有 还 是 直 接 发 货 过 来 +会 不 会 有 坏 的 + +==> exp/text.word.tn <== +少先队员 因该 为 老人 让 坐 +祛痘 印 可以 吗 有 效果 吗 +不知 这 款 牛奶 口感 怎样 小孩子 喝行 吗 +是 转基因 油 +我家 宝宝 十三斤 用多大码 的 +会起 坨 吗 +请问 给 送 上楼 吗 +亲是 送赁 上门 吗 +送货 时候 有 外包装 没有 还是 直接 发货 过来 +会 不会 有坏 的 + +==> exp/text_zh_char_o5_p0_1_2_4_4_a22_q8_b8.arpa <== +\data\ +ngram 1=587 +ngram 2=395 +ngram 3=100 +ngram 4=2 +ngram 5=0 + +\1-grams: +-3.272324 0 +0 -0.36706257 + +==> exp/text_zh_word_o3_p0_0_0_a22_q8_b8.arpa <== +\data\ +ngram 1=689 +ngram 2=1398 +ngram 3=1506 + +\1-grams: +-3.1755018 0 +0 -0.23069073 +-1.2318869 0 +-3.067262 少先队员 -0.051341705 +``` diff --git a/examples/spm/README.md b/examples/spm/README.md index 3109d3ffb..fc4478ebb 100644 --- a/examples/spm/README.md +++ b/examples/spm/README.md @@ -1,7 +1,96 @@ # [SentencePiece Model](https://github.com/google/sentencepiece) +## Run Train a `spm` model for English tokenizer. ``` +. path.sh bash run.sh ``` + +## Results + +``` +data/ +└── lang_char + ├── input.bpe + ├── input.decode + ├── input.txt + ├── train_unigram100.model + ├── train_unigram100_units.txt + └── train_unigram100.vocab + +1 directory, 6 files +``` + +``` +b5a230c26c61db5c36f34e503102f936 data/lang_char/input.bpe +ec5a9b24acc35469229e41256ceaf77d data/lang_char/input.decode +ec5a9b24acc35469229e41256ceaf77d data/lang_char/input.txt +124bf3fe7ce3b73b1994234c15268577 data/lang_char/train_unigram100.model +0df2488cc8eaace95eb12713facb5cf0 data/lang_char/train_unigram100_units.txt +46360cac35c751310e8e8ffd3a034cb5 data/lang_char/train_unigram100.vocab +``` + +``` +==> data/lang_char/input.bpe <== +▁mi ster ▁quilter ▁ is ▁the ▁a p ost le ▁o f ▁the ▁mi d d le ▁c las s es ▁ and ▁we ▁ar e ▁g l a d ▁ to ▁we l c om e ▁h is ▁g o s pe l +▁ n or ▁ is ▁mi ster ▁quilter ' s ▁ma nne r ▁ l ess ▁in ter es t ing ▁tha n ▁h is ▁ma t ter +▁h e ▁ t e ll s ▁us ▁tha t ▁ at ▁ t h is ▁f es t ive ▁ s e ason ▁o f ▁the ▁ y e ar ▁w ith ▁ ch r is t m a s ▁ and ▁ro a s t ▁be e f ▁ l o om ing ▁be fore ▁us ▁ s i mile s ▁d r a w n ▁f r om ▁ e at ing ▁ and ▁it s ▁re s u l t s ▁o c c ur ▁m ost ▁re a di l y ▁ to ▁the ▁ mind +▁h e ▁ ha s ▁g r a v e ▁d o u b t s ▁w h e t h er ▁ s i r ▁f r e d er ic k ▁ l eig h to n ' s ▁w or k ▁ is ▁re all y ▁gre e k ▁a f ter ▁ all ▁ and ▁c a n ▁di s c o v er ▁in ▁it ▁b u t ▁li t t le ▁o f ▁ro ck y ▁it ha c a +▁li nne ll ' s ▁ p ic tur es ▁ar e ▁a ▁ s or t ▁o f ▁ u p ▁g u ar d s ▁ and ▁ at ▁ em ▁painting s ▁ and ▁m ason ' s ▁ e x q u is i t e ▁ i d y ll s ▁ar e ▁a s ▁ n at ion a l ▁a s ▁a ▁ j ing o ▁ p o em ▁mi ster ▁b i r k e t ▁f o ster ' s ▁ l and s c a pe s ▁ s mile ▁ at ▁on e ▁m u ch ▁in ▁the ▁ s a m e ▁w a y ▁tha t ▁mi ster ▁c ar k er ▁us e d ▁ to ▁f las h ▁h is ▁ t e e t h ▁ and ▁mi ster ▁ j o h n ▁c o ll i er ▁g ive s ▁h is ▁ s i t ter ▁a ▁ ch e er f u l ▁ s l a p ▁on ▁the ▁b a ck ▁be fore ▁h +e ▁ s a y s ▁li k e ▁a ▁ s ha m p o o er ▁in ▁a ▁ tur k is h ▁b at h ▁ n e x t ▁ma n +▁it ▁ is ▁o b v i o u s l y ▁ u nne c ess ar y ▁for ▁us ▁ to ▁ p o i n t ▁o u t ▁h o w ▁ l u m i n o u s ▁the s e ▁c rit ic is m s ▁ar e ▁h o w ▁d e l ic at e ▁in ▁ e x p r ess ion +▁on ▁the ▁g e n er a l ▁ p r i n c i p l es ▁o f ▁ar t ▁mi ster ▁quilter ▁w rit es ▁w ith ▁ e qual ▁ l u c i di t y +▁painting ▁h e ▁ t e ll s ▁us ▁ is ▁o f ▁a ▁di f f er e n t ▁ qual i t y ▁ to ▁ma t h em at ic s ▁ and ▁f i nish ▁in ▁ar t ▁ is ▁a d d ing ▁m or e ▁f a c t +▁a s ▁for ▁ e t ch ing s ▁the y ▁ar e ▁o f ▁ t w o ▁ k i n d s ▁b rit is h ▁ and ▁for eig n +▁h e ▁ l a ment s ▁m ost ▁b i t ter l y ▁the ▁di v or c e ▁tha t ▁ ha s ▁be e n ▁ma d e ▁be t w e e n ▁d e c or at ive ▁ar t ▁ and ▁w ha t ▁we ▁us u all y ▁c all ▁ p ic tur es ▁ma k es ▁the ▁c u s t om ar y ▁a p pe a l ▁ to ▁the ▁ las t ▁ j u d g ment ▁ and ▁re mind s ▁us ▁tha t ▁in ▁the ▁gre at ▁d a y s ▁o f ▁ar t ▁mi c ha e l ▁a n g e l o ▁w a s ▁the ▁f ur nish ing ▁ u p h o l ster er + +==> data/lang_char/input.decode <== +mister quilter is the apostle of the middle classes and we are glad to welcome his gospel +nor is mister quilter's manner less interesting than his matter +he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind +he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca +linnell's pictures are a sort of up guards and at em paintings and mason's exquisite idylls are as national as a jingo poem mister birket foster's landscapes smile at one much in the same way that mister carker used to flash his teeth and mister john collier gives his sitter a cheerful slap on the back before he says like a shampooer in a turkish bath next man +it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression +on the general principles of art mister quilter writes with equal lucidity +painting he tells us is of a different quality to mathematics and finish in art is adding more fact +as for etchings they are of two kinds british and foreign +he laments most bitterly the divorce that has been made between decorative art and what we usually call pictures makes the customary appeal to the last judgment and reminds us that in the great days of art michael angelo was the furnishing upholsterer + +==> data/lang_char/input.txt <== +mister quilter is the apostle of the middle classes and we are glad to welcome his gospel +nor is mister quilter's manner less interesting than his matter +he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind +he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca +linnell's pictures are a sort of up guards and at em paintings and mason's exquisite idylls are as national as a jingo poem mister birket foster's landscapes smile at one much in the same way that mister carker used to flash his teeth and mister john collier gives his sitter a cheerful slap on the back before he says like a shampooer in a turkish bath next man +it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression +on the general principles of art mister quilter writes with equal lucidity +painting he tells us is of a different quality to mathematics and finish in art is adding more fact +as for etchings they are of two kinds british and foreign +he laments most bitterly the divorce that has been made between decorative art and what we usually call pictures makes the customary appeal to the last judgment and reminds us that in the great days of art michael angelo was the furnishing upholsterer + +==> data/lang_char/train_unigram100_units.txt <== + 0 + 1 +' 2 +a 3 +all 4 +and 5 +ar 6 +ason 7 +at 8 +b 9 + +==> data/lang_char/train_unigram100.vocab <== + 0 + 0 + 0 +▁ -2.01742 +e -2.7203 +s -2.82989 +t -2.99689 +l -3.53267 +n -3.84935 +o -3.88229 +``` diff --git a/examples/text_normalization/README.md b/examples/text_normalization/README.md deleted file mode 100644 index dde0a5576..000000000 --- a/examples/text_normalization/README.md +++ /dev/null @@ -1,3 +0,0 @@ -# Regular expression based text normalization for Chinese - -For simplicity and ease of implementation, text normalization is basically done by rules and dictionaries. Here's an example. diff --git a/examples/tn/.gitignore b/examples/tn/.gitignore new file mode 100644 index 000000000..0f2503386 --- /dev/null +++ b/examples/tn/.gitignore @@ -0,0 +1 @@ +exp diff --git a/examples/tn/README.md b/examples/tn/README.md new file mode 100644 index 000000000..ff7be2934 --- /dev/null +++ b/examples/tn/README.md @@ -0,0 +1,36 @@ +# Regular expression based text normalization for Chinese + +For simplicity and ease of implementation, text normalization is basically done by rules and dictionaries. Here's an example. + +## Run + +``` +. path.sh +bash run.sh +``` + +## Results + +``` +exp/ +`-- normalized.txt + +0 directories, 1 file +``` + +``` +aff31f8aa08e2a7360228c9ce5886b98 exp/normalized.txt +``` + +``` +今天的最低气温达到零下十度. +只要有四分之三十三的人同意,就可以通过决议。 +一九四五年五月二日,苏联士兵在德国国会大厦上升起了胜利旗,象征着攻占柏林并战胜了纳粹德国。 +四月十六日,清晨的战斗以炮击揭幕,数以千计的大炮和喀秋莎火箭炮开始炮轰德军阵地,炮击持续了数天之久。 +如果剩下的百分之三十点六是过去,那么还有百分之六十九点四. +事情发生在二零二零年三月三十一日的上午八点. +警方正在找一支点二二口径的手枪。 +欢迎致电中国联通,北京二零二二年冬奥会官方合作伙伴为您服务 +充值缴费请按一,查询话费及余量请按二,跳过本次提醒请按井号键。 +快速解除流量封顶请按星号键,腾讯王卡产品介绍、使用说明、特权及活动请按九,查询话费、套餐余量、积分及活动返款请按一,手机上网流量开通及取消请按二,查���本机号码及本号所使用套餐请按四,密码修改及重置请按五,紧急开机请按六,挂失请按七,查询充值记录请按八,其它自助服务及工服务请按零 +``` diff --git a/examples/text_normalization/data/sentences.txt b/examples/tn/data/sentences.txt similarity index 100% rename from examples/text_normalization/data/sentences.txt rename to examples/tn/data/sentences.txt diff --git a/examples/text_normalization/local/test_normalization.py b/examples/tn/local/test_normalization.py similarity index 100% rename from examples/text_normalization/local/test_normalization.py rename to examples/tn/local/test_normalization.py diff --git a/examples/text_normalization/path.sh b/examples/tn/path.sh similarity index 100% rename from examples/text_normalization/path.sh rename to examples/tn/path.sh diff --git a/examples/text_normalization/run.sh b/examples/tn/run.sh similarity index 100% rename from examples/text_normalization/run.sh rename to examples/tn/run.sh From bf40e3ff2d9505e9a8aef739d3e4780801292174 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Wed, 15 Sep 2021 12:51:29 +0800 Subject: [PATCH 047/103] Update deepspeech_architecture.md --- doc/src/deepspeech_architecture.md | 18 ++++++++++-------- 1 file changed, 10 insertions(+), 8 deletions(-) diff --git a/doc/src/deepspeech_architecture.md b/doc/src/deepspeech_architecture.md index dfa60790f..04c7bee79 100644 --- a/doc/src/deepspeech_architecture.md +++ b/doc/src/deepspeech_architecture.md @@ -20,7 +20,7 @@ The arcitecture of the model is shown in Fig.1. ### Data Preparation #### Vocabulary -For English data, the vocabulary dictionary is composed of 26 English characters with " ' ", space, \ and \. The \ represents the blank label in CTC, the \ represents the unknown character and the represents the start and the end characters. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters are added. The added characters are \, \ and \. For both English and mandarin data, we set the default indexs that \=0, \=1 and \= last index. +For English data, the vocabulary dictionary is composed of 26 English characters with " ' ", space, \ and \. The \ represents the blank label in CTC, the \ represents the unknown character and the \ represents the start and the end characters. For mandarin, the vocabulary dictionary is composed of chinese characters statisticed from the training set and three additional characters are added. The added characters are \, \ and \. For both English and mandarin data, we set the default indexs that \=0, \=1 and \= last index. ``` # The code to build vocabulary cd examples/aishell/s0 @@ -65,17 +65,19 @@ python3 ../../../utils/compute_mean_std.py \ ``` ### Encoder -The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For rnn layers, LSTM cell and GRU cell are provided. Adding one fully connected (fc) layer after rnn layer is optional, if the number of rnn layers is less than 5, adding one fc layer after rnn layers is recommand. +The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For the stacked rnn layers, LSTM cell and GRU cell are provided to use. Adding one fully connected (fc) layer after the stacked rnn layers is optional. If the number of stacked rnn layers is less than 5, adding one fc layer after stacked rnn layers is recommand. The code of Encoder is in: ``` vi deepspeech/models/ds2_online/deepspeech2.py ``` ### Decoder -To got the character possibilities of each frame, the feature represention of each frame output from the backbone are input into a projection layer which is implemented as a dense layer to do projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to make frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. -The code of Encoder is in: +To got the character possibilities of each frame, the feature represention of each frame output from the encoder are input into a projection layer which is implemented as a dense layer to do feature projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to transform the frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. +The code of Decoder is in: ``` +# The code of constructing the decoder in model vi deepspeech/models/ds2_online/deepspeech2.py +# The code of CTC Decoder vi deepspeech/modules/ctc.py ``` @@ -119,7 +121,7 @@ if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then avg.sh exp/${ckpt}/checkpoints ${avg_num} fi ``` -By using the command above, the training process can be started. There are 5 stages in run.sh, and the first 3 stages are used for training process. The stage 0 is used for data preparation, in which the dataset will be downloaded, and the manifest files of the datasets, vocabulary dictionary and CMVN file will be generated in "./data/". The stage 1 is used for training the model, the log files and model checkpoint is saved in "exp/deepspeech2_online/". The stage 2 is used to generated final model for predicting by averaging the top-k model parameters based on validation loss. +By using the command above, the training process can be started. There are 5 stages in "run.sh", and the first 3 stages are used for training process. The stage 0 is used for data preparation, in which the dataset will be downloaded, and the manifest files of the datasets, vocabulary dictionary and CMVN file will be generated in "./data/". The stage 1 is used for training the model, the log files and model checkpoint is saved in "exp/deepspeech2_online/". The stage 2 is used to generated final model for predicting by averaging the top-k model parameters based on validation loss. ## Testing Process Using the command below, you can test the deepspeech2 online model. @@ -152,7 +154,7 @@ After the training process, we use stage 3,4,5 for testing process. The stage 3 ## Non-Streaming -The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the bi-directional rnn layers while the online model use the single direction rnn layers and the fc layer is not used. +The deepspeech2 offline model is similarity to the deepspeech2 online model. The main difference between them is the offline model use the stacked bi-directional rnn layers while the online model use the single direction rnn layers and the fc layer is not used. For the stacked bi-directional rnn layers in the offline model, the rnn cell and gru cell are provided to use. The arcitecture of the model is shown in Fig.2.

@@ -162,9 +164,9 @@ The arcitecture of the model is shown in Fig.2. -For data preparation, decoder, the deepspeech2 offline model is same with the deepspeech2 online model. +For data preparation and decoder, the deepspeech2 offline model is same with the deepspeech2 online model. - The code of encoder and decoder for deepspeech2 offline model is in: +The code of encoder and decoder for deepspeech2 offline model is in: ``` vi deepspeech/models/ds2/deepspeech2.py ``` From c8d62807b39c5b2db627928af4a8ee8519dc5cec Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Wed, 15 Sep 2021 13:01:31 +0800 Subject: [PATCH 048/103] Update deepspeech_architecture.md --- docs/src/deepspeech_architecture.md | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/docs/src/deepspeech_architecture.md b/docs/src/deepspeech_architecture.md index 6c4951897..f4cfcf9b4 100644 --- a/docs/src/deepspeech_architecture.md +++ b/docs/src/deepspeech_architecture.md @@ -66,6 +66,7 @@ python3 ../../../utils/compute_mean_std.py \ ### Encoder The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For the stacked rnn layers, LSTM cell and GRU cell are provided to use. Adding one fully connected (fc) layer after the stacked rnn layers is optional. If the number of stacked rnn layers is less than 5, adding one fc layer after stacked rnn layers is recommand. + The code of Encoder is in: ``` vi deepspeech/models/ds2_online/deepspeech2.py @@ -73,7 +74,8 @@ vi deepspeech/models/ds2_online/deepspeech2.py ### Decoder To got the character possibilities of each frame, the feature represention of each frame output from the encoder are input into a projection layer which is implemented as a dense layer to do feature projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to transform the frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. -The code of Decoder is in: + +The code of the decoder is in: ``` # The code of constructing the decoder in model vi deepspeech/models/ds2_online/deepspeech2.py From 6e5d15250340474aef0b49e573f3fc97f94cdcb3 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Wed, 15 Sep 2021 13:03:02 +0800 Subject: [PATCH 049/103] Update deepspeech_architecture.md --- docs/src/deepspeech_architecture.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/docs/src/deepspeech_architecture.md b/docs/src/deepspeech_architecture.md index f4cfcf9b4..580b13882 100644 --- a/docs/src/deepspeech_architecture.md +++ b/docs/src/deepspeech_architecture.md @@ -65,7 +65,7 @@ python3 ../../../utils/compute_mean_std.py \ ``` ### Encoder -The Backbone is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For the stacked rnn layers, LSTM cell and GRU cell are provided to use. Adding one fully connected (fc) layer after the stacked rnn layers is optional. If the number of stacked rnn layers is less than 5, adding one fc layer after stacked rnn layers is recommand. +The encoder is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For the stacked rnn layers, LSTM cell and GRU cell are provided to use. Adding one fully connected (fc) layer after the stacked rnn layers is optional. If the number of stacked rnn layers is less than 5, adding one fc layer after stacked rnn layers is recommand. The code of Encoder is in: ``` From 0b2c794d88d4019462e3cf5209565c3a6bf31239 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Wed, 15 Sep 2021 13:14:12 +0800 Subject: [PATCH 050/103] Emphasis the setup stage in install.sh --- docs/src/install.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/docs/src/install.md b/docs/src/install.md index 01049a2fc..79460737b 100644 --- a/docs/src/install.md +++ b/docs/src/install.md @@ -6,13 +6,14 @@ To avoid the trouble of environment setup, [running in Docker container](#runnin - Python >= 3.7 - PaddlePaddle 2.0.0 or later (please refer to the [Installation Guide](https://www.paddlepaddle.org.cn/documentation/docs/en/beginners_guide/index_en.html)) -## Setup +## Setup (Important) - Make sure these libraries or tools installed: `pkg-config`, `flac`, `ogg`, `vorbis`, `boost`, `sox, and `swig`, e.g. installing them via `apt-get`: ```bash sudo apt-get install -y sox pkg-config libflac-dev libogg-dev libvorbis-dev libboost-dev swig python3-dev ``` +The version of `swig` should >= 3.0 or, installing them via `yum`: From ec76df6cbcc658c51b034179e3b92b88b3d3f687 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 15 Sep 2021 06:08:14 +0000 Subject: [PATCH 051/103] do not set seed since break model covergence, aishell s0 seed 10086 test ok --- examples/aishell/s0/local/train.sh | 1 + examples/aishell/s1/local/train.sh | 5 ++-- examples/callcenter/s1/local/train.sh | 5 ++-- examples/librispeech/s0/local/train.sh | 3 ++- examples/librispeech/s1/local/train.sh | 5 ++-- examples/librispeech/s2/local/train.sh | 3 ++- examples/ted_en_zh/t0/local/train.sh | 5 ++-- examples/timit/s1/local/train.sh | 3 ++- examples/tiny/s0/local/train.sh | 3 ++- examples/tiny/s0/local/tune.sh | 33 -------------------------- examples/tiny/s1/local/train.sh | 3 ++- 11 files changed, 23 insertions(+), 46 deletions(-) delete mode 100755 examples/tiny/s0/local/tune.sh diff --git a/examples/aishell/s0/local/train.sh b/examples/aishell/s0/local/train.sh index 85d1d42c3..668ad0ead 100755 --- a/examples/aishell/s0/local/train.sh +++ b/examples/aishell/s0/local/train.sh @@ -19,6 +19,7 @@ fi mkdir -p exp +# seed may break model convergence seed=10086 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True diff --git a/examples/aishell/s1/local/train.sh b/examples/aishell/s1/local/train.sh index 2861e11ec..f905b766e 100755 --- a/examples/aishell/s1/local/train.sh +++ b/examples/aishell/s1/local/train.sh @@ -19,8 +19,9 @@ echo "using ${device}..." mkdir -p exp -seed=10086 -if [ ${seed} != 0]; then +# seed may break model convergence +seed=0 +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi diff --git a/examples/callcenter/s1/local/train.sh b/examples/callcenter/s1/local/train.sh index 6e63df83a..d5dc15b03 100755 --- a/examples/callcenter/s1/local/train.sh +++ b/examples/callcenter/s1/local/train.sh @@ -19,8 +19,9 @@ echo "using ${device}..." mkdir -p exp -seed=10086 -if [ ${seed} != 0]; then +# seed may break model convergence +seed=0 +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi diff --git a/examples/librispeech/s0/local/train.sh b/examples/librispeech/s0/local/train.sh index c95659acf..6aee372a4 100755 --- a/examples/librispeech/s0/local/train.sh +++ b/examples/librispeech/s0/local/train.sh @@ -20,7 +20,8 @@ echo "using ${device}..." mkdir -p exp -seed=10086 +# seed may break model convergence +seed=0 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi diff --git a/examples/librispeech/s1/local/train.sh b/examples/librispeech/s1/local/train.sh index 17a9e28df..f905b766e 100755 --- a/examples/librispeech/s1/local/train.sh +++ b/examples/librispeech/s1/local/train.sh @@ -19,7 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=10086 +# seed may break model convergence +seed=0 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -31,7 +32,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} != 0]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/librispeech/s2/local/train.sh b/examples/librispeech/s2/local/train.sh index a75e2bb26..66754201f 100755 --- a/examples/librispeech/s2/local/train.sh +++ b/examples/librispeech/s2/local/train.sh @@ -19,7 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=10086 +# seed may break model convergence +seed=0 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi diff --git a/examples/ted_en_zh/t0/local/train.sh b/examples/ted_en_zh/t0/local/train.sh index 928356f96..f905b766e 100755 --- a/examples/ted_en_zh/t0/local/train.sh +++ b/examples/ted_en_zh/t0/local/train.sh @@ -19,7 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=10086 +# seed may break model convergence +seed=0 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi @@ -31,7 +32,7 @@ python3 -u ${BIN_DIR}/train.py \ --output exp/${ckpt_name} \ --seed ${seed} -if [ ${seed} != 0 ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/examples/timit/s1/local/train.sh b/examples/timit/s1/local/train.sh index 3e2e4522d..180d8b5a7 100755 --- a/examples/timit/s1/local/train.sh +++ b/examples/timit/s1/local/train.sh @@ -19,7 +19,8 @@ echo "using ${device}..." mkdir -p exp -seed=10086 +# seed may break model convergence +seed=0 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi diff --git a/examples/tiny/s0/local/train.sh b/examples/tiny/s0/local/train.sh index bf4766ee3..ea29b7fcf 100755 --- a/examples/tiny/s0/local/train.sh +++ b/examples/tiny/s0/local/train.sh @@ -19,7 +19,8 @@ fi mkdir -p exp -seed=10086 +# seed may break model convergence +seed=0 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi diff --git a/examples/tiny/s0/local/tune.sh b/examples/tiny/s0/local/tune.sh deleted file mode 100755 index c344e77e5..000000000 --- a/examples/tiny/s0/local/tune.sh +++ /dev/null @@ -1,33 +0,0 @@ -#!/bin/bash - -if [ $# != 1 ];then - echo "usage: tune ckpt_path" - exit 1 -fi - -# grid-search for hyper-parameters in language model -python3 -u ${BIN_DIR}/tune.py \ ---device 'gpu' \ ---nproc 1 \ ---config conf/deepspeech2.yaml \ ---num_batches=-1 \ ---batch_size=128 \ ---beam_size=500 \ ---num_proc_bsearch=12 \ ---num_alphas=45 \ ---num_betas=8 \ ---alpha_from=1.0 \ ---alpha_to=3.2 \ ---beta_from=0.1 \ ---beta_to=0.45 \ ---cutoff_prob=1.0 \ ---cutoff_top_n=40 \ ---checkpoint_path ${1} - -if [ $? -ne 0 ]; then - echo "Failed in tuning!" - exit 1 -fi - - -exit 0 diff --git a/examples/tiny/s1/local/train.sh b/examples/tiny/s1/local/train.sh index 48968f63c..374608fd1 100755 --- a/examples/tiny/s1/local/train.sh +++ b/examples/tiny/s1/local/train.sh @@ -18,7 +18,8 @@ fi mkdir -p exp -seed=10086 +# seed may break model convergence +seed=0 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi From 5fdda953b93e320f41adc2bb85019dc0423ea31e Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 15 Sep 2021 09:11:32 +0000 Subject: [PATCH 052/103] add op profiling --- deepspeech/exps/u2/bin/train.py | 1 + deepspeech/exps/u2/model.py | 1 + deepspeech/exps/u2_kaldi/model.py | 1 + deepspeech/exps/u2_st/model.py | 1 + deepspeech/training/cli.py | 5 + deepspeech/training/trainer.py | 5 + deepspeech/utils/profiler.py | 116 ++++++++++++++++++ examples/aishell/s1/local/train.sh | 37 +++--- examples/librispeech/s0/conf/deepspeech2.yaml | 4 +- examples/tiny/s0/local/train.sh | 32 +++-- 10 files changed, 174 insertions(+), 29 deletions(-) create mode 100644 deepspeech/utils/profiler.py diff --git a/deepspeech/exps/u2/bin/train.py b/deepspeech/exps/u2/bin/train.py index fef615ce3..b664401a2 100644 --- a/deepspeech/exps/u2/bin/train.py +++ b/deepspeech/exps/u2/bin/train.py @@ -21,6 +21,7 @@ from deepspeech.exps.u2.config import get_cfg_defaults from deepspeech.exps.u2.model import U2Trainer as Trainer from deepspeech.training.cli import default_argument_parser from deepspeech.utils.utility import print_arguments + # from deepspeech.exps.u2.trainer import U2Trainer as Trainer diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 2b6e24330..67b666ed0 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -204,6 +204,7 @@ class U2Trainer(Trainer): msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) msg += "data time: {:>.3f}s, ".format(dataload_time) self.train_batch(batch_index, batch, msg) + self.after_train_batch() data_start_time = time.time() except Exception as e: logger.error(e) diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index 095dfe34d..3d15e0259 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -205,6 +205,7 @@ class U2Trainer(Trainer): msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) msg += "data time: {:>.3f}s, ".format(dataload_time) self.train_batch(batch_index, batch, msg) + self.after_train_batch() data_start_time = time.time() except Exception as e: logger.error(e) diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index 8dca16540..91a81503f 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -222,6 +222,7 @@ class U2STTrainer(Trainer): msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) msg += "data time: {:>.3f}s, ".format(dataload_time) self.train_batch(batch_index, batch, msg) + self.after_train_batch() data_start_time = time.time() except Exception as e: logger.error(e) diff --git a/deepspeech/training/cli.py b/deepspeech/training/cli.py index 7f4bb8048..1477bdfe0 100644 --- a/deepspeech/training/cli.py +++ b/deepspeech/training/cli.py @@ -63,8 +63,13 @@ def default_argument_parser(): parser.add_argument("--opts", type=str, default=[], nargs='+', help="options to overwrite --config file and the default config, passing in KEY VALUE pairs") + # random seed parser.add_argument("--seed", type=int, default=None, help="seed to use for paddle, np and random. None or 0 for random, else set seed.") + + # profiler + parser.add_argument('--profiler_options', type=str, default=None, + help='The option of profiler, which should be in format \"key1=value1;key2=value2;key3=value3\".') # yapd: enable return parser diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 7959b41b8..bdb68310a 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -20,6 +20,7 @@ from tensorboardX import SummaryWriter from deepspeech.training.timer import Timer from deepspeech.utils import mp_tools +from deepspeech.utils import profiler from deepspeech.utils.checkpoint import Checkpoint from deepspeech.utils.log import Log from deepspeech.utils.utility import seed_all @@ -183,6 +184,9 @@ class Trainer(): if isinstance(batch_sampler, paddle.io.DistributedBatchSampler): batch_sampler.set_epoch(self.epoch) + def after_train_batch(self): + profiler.add_profiler_step(self.args.profiler_options) + def train(self): """The training process control by epoch.""" from_scratch = self.resume_or_scratch() @@ -209,6 +213,7 @@ class Trainer(): msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) msg += "data time: {:>.3f}s, ".format(dataload_time) self.train_batch(batch_index, batch, msg) + self.after_train_batch() data_start_time = time.time() except Exception as e: logger.error(e) diff --git a/deepspeech/utils/profiler.py b/deepspeech/utils/profiler.py new file mode 100644 index 000000000..5b8389be8 --- /dev/null +++ b/deepspeech/utils/profiler.py @@ -0,0 +1,116 @@ +# copyright (c) 2021 PaddlePaddle Authors. All Rights Reserve. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import sys + +import paddle + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +# A global variable to record the number of calling times for profiler +# functions. It is used to specify the tracing range of training steps. +_profiler_step_id = 0 + +# A global variable to avoid parsing from string every time. +_profiler_options = None + + +class ProfilerOptions(object): + ''' + Use a string to initialize a ProfilerOptions. + The string should be in the format: "key1=value1;key2=value;key3=value3". + For example: + "profile_path=model.profile" + "batch_range=[50, 60]; profile_path=model.profile" + "batch_range=[50, 60]; tracer_option=OpDetail; profile_path=model.profile" + ProfilerOptions supports following key-value pair: + batch_range - a integer list, e.g. [100, 110]. + state - a string, the optional values are 'CPU', 'GPU' or 'All'. + sorted_key - a string, the optional values are 'calls', 'total', + 'max', 'min' or 'ave. + tracer_option - a string, the optional values are 'Default', 'OpDetail', + 'AllOpDetail'. + profile_path - a string, the path to save the serialized profile data, + which can be used to generate a timeline. + exit_on_finished - a boolean. + ''' + + def __init__(self, options_str): + assert isinstance(options_str, str) + + self._options = { + 'batch_range': [10, 20], + 'state': 'All', + 'sorted_key': 'total', + 'tracer_option': 'Default', + 'profile_path': '/tmp/profile', + 'exit_on_finished': True + } + self._parse_from_string(options_str) + + def _parse_from_string(self, options_str): + for kv in options_str.replace(' ', '').split(';'): + key, value = kv.split('=') + if key == 'batch_range': + value_list = value.replace('[', '').replace(']', '').split(',') + value_list = list(map(int, value_list)) + if len(value_list) >= 2 and value_list[0] >= 0 and value_list[ + 1] > value_list[0]: + self._options[key] = value_list + elif key == 'exit_on_finished': + self._options[key] = value.lower() in ("yes", "true", "t", "1") + elif key in [ + 'state', 'sorted_key', 'tracer_option', 'profile_path' + ]: + self._options[key] = value + + def __getitem__(self, name): + if self._options.get(name, None) is None: + raise ValueError( + "ProfilerOptions does not have an option named %s." % name) + return self._options[name] + + +def add_profiler_step(options_str=None): + ''' + Enable the operator-level timing using PaddlePaddle's profiler. + The profiler uses a independent variable to count the profiler steps. + One call of this function is treated as a profiler step. + + Args: + profiler_options - a string to initialize the ProfilerOptions. + Default is None, and the profiler is disabled. + ''' + if options_str is None: + return + + global _profiler_step_id + global _profiler_options + + if _profiler_options is None: + _profiler_options = ProfilerOptions(options_str) + logger.info(f"{options_str}") + logger.info(f"{_profiler_options._options}") + + if _profiler_step_id == _profiler_options['batch_range'][0]: + paddle.utils.profiler.start_profiler(_profiler_options['state'], + _profiler_options['tracer_option']) + elif _profiler_step_id == _profiler_options['batch_range'][1]: + paddle.utils.profiler.stop_profiler(_profiler_options['sorted_key'], + _profiler_options['profile_path']) + if _profiler_options['exit_on_finished']: + sys.exit(0) + + _profiler_step_id += 1 diff --git a/examples/aishell/s1/local/train.sh b/examples/aishell/s1/local/train.sh index f905b766e..e065ad6a8 100755 --- a/examples/aishell/s1/local/train.sh +++ b/examples/aishell/s1/local/train.sh @@ -1,38 +1,45 @@ #!/bin/bash -if [ $# != 2 ];then - echo "usage: CUDA_VISIBLE_DEVICES=0 ${0} config_path ckpt_name" - exit -1 -fi + +profiler_options= + +# seed may break model convergence +seed=0 + +source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -config_path=$1 -ckpt_name=$2 - device=gpu if [ ${ngpu} == 0 ];then device=cpu fi -echo "using ${device}..." - -mkdir -p exp -# seed may break model convergence -seed=0 -if [ ${seed} != 0 ]; then +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True + echo "using seed $seed & FLAGS_cudnn_deterministic=True ..." fi +if [ $# != 2 ];then + echo "usage: CUDA_VISIBLE_DEVICES=0 ${0} config_path ckpt_name" + exit -1 +fi + +config_path=$1 +ckpt_name=$2 + +mkdir -p exp + python3 -u ${BIN_DIR}/train.py \ --device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ +--profiler_options ${profiler_options} \ --seed ${seed} -if [ ${seed} != 0 ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi @@ -41,4 +48,4 @@ if [ $? -ne 0 ]; then exit 1 fi -exit 0 +exit 0 \ No newline at end of file diff --git a/examples/librispeech/s0/conf/deepspeech2.yaml b/examples/librispeech/s0/conf/deepspeech2.yaml index d5b1ed919..3f1a376f1 100644 --- a/examples/librispeech/s0/conf/deepspeech2.yaml +++ b/examples/librispeech/s0/conf/deepspeech2.yaml @@ -11,7 +11,7 @@ data: max_output_input_ratio: .inf collator: - batch_size: 15 + batch_size: 20 mean_std_filepath: data/mean_std.json unit_type: char vocab_filepath: data/vocab.txt @@ -45,7 +45,7 @@ model: training: n_epoch: 50 - accum_grad: 4 + accum_grad: 1 lr: 1e-3 lr_decay: 0.83 weight_decay: 1e-06 diff --git a/examples/tiny/s0/local/train.sh b/examples/tiny/s0/local/train.sh index ea29b7fcf..a657ce345 100755 --- a/examples/tiny/s0/local/train.sh +++ b/examples/tiny/s0/local/train.sh @@ -1,36 +1,44 @@ #!/bin/bash -if [ $# != 3 ];then - echo "usage: CUDA_VISIBLE_DEVICES=0 ${0} config_path ckpt_name model_type" - exit -1 -fi +profiler_options= + +# seed may break model convergence +seed=0 + +source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -config_path=$1 -ckpt_name=$2 -model_type=$3 - device=gpu if [ ${ngpu} == 0 ];then device=cpu fi -mkdir -p exp - -# seed may break model convergence -seed=0 if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True + echo "using seed $seed & FLAGS_cudnn_deterministic=True ..." +fi + + +if [ $# != 3 ];then + echo "usage: CUDA_VISIBLE_DEVICES=0 ${0} config_path ckpt_name model_type" + exit -1 fi +config_path=$1 +ckpt_name=$2 +model_type=$3 + +mkdir -p exp + python3 -u ${BIN_DIR}/train.py \ --device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ --model_type ${model_type} \ +--profiler_options ${profiler_options} \ --seed ${seed} if [ ${seed} != 0 ]; then From 438e1bd34fbf5e1c1181559b4f19301657d6b4c7 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 15 Sep 2021 11:03:18 +0000 Subject: [PATCH 053/103] add benmark scripts --- tests/benchmark/.gitignore | 2 + tests/benchmark/README.md | 12 +++ tests/benchmark/run_all.sh | 33 ++++++ tests/benchmark/run_benchmark.sh | 54 ++++++++++ utils/pd_env_collect.sh | 167 +++++++++++++++++++++++++++++++ 5 files changed, 268 insertions(+) create mode 100644 tests/benchmark/.gitignore create mode 100644 tests/benchmark/README.md create mode 100644 tests/benchmark/run_all.sh create mode 100644 tests/benchmark/run_benchmark.sh create mode 100644 utils/pd_env_collect.sh diff --git a/tests/benchmark/.gitignore b/tests/benchmark/.gitignore new file mode 100644 index 000000000..7d166b066 --- /dev/null +++ b/tests/benchmark/.gitignore @@ -0,0 +1,2 @@ +old-pd_env.txt +pd_env.txt diff --git a/tests/benchmark/README.md b/tests/benchmark/README.md new file mode 100644 index 000000000..8ec43f89e --- /dev/null +++ b/tests/benchmark/README.md @@ -0,0 +1,12 @@ +# Benchmark Test + +## Data + +* Aishell + +## Docker + +``` +registry.baidubce.com/paddlepaddle/paddle 2.1.1-gpu-cuda10.2-cudnn7 59d5ec1de486 +``` + diff --git a/tests/benchmark/run_all.sh b/tests/benchmark/run_all.sh new file mode 100644 index 000000000..7564174b4 --- /dev/null +++ b/tests/benchmark/run_all.sh @@ -0,0 +1,33 @@ +#!/bin/bash + +# collect env info +bash ../../utils/pd_env_collect.sh + + + +# 提供可稳定复现性能的脚本,默认在标准docker环境内py37执行: paddlepaddle/paddle:latest-gpu-cuda10.1-cudnn7 paddle=2.1.2 py=37 +# 执行目录:需说明 +cd ** +# 1 安装该模型需要的依赖 (如需开启优化策略请注明) +pip install ... +# 2 拷贝该模型需要数据、预训练模型 +# 3 批量运行(如不方便批量,1,2需放到单个模型中) + +model_mode_list=(MobileNetv1 MobileNetv2) +fp_item_list=(fp32 fp16) +bs_item=(32 64 96) +for model_mode in ${model_mode_list[@]}; do + for fp_item in ${fp_item_list[@]}; do + for bs_item in ${bs_list[@]} + do + echo "index is speed, 1gpus, begin, ${model_name}" + run_mode=sp + CUDA_VISIBLE_DEVICES=0 bash run_benchmark.sh ${run_mode} ${bs_item} ${fp_item} 500 ${model_mode} # (5min) + sleep 60 + echo "index is speed, 8gpus, run_mode is multi_process, begin, ${model_name}" + run_mode=mp + CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 bash run_benchmark.sh ${run_mode} ${bs_item} ${fp_item} 500 ${model_mode} + sleep 60 + done + done +done diff --git a/tests/benchmark/run_benchmark.sh b/tests/benchmark/run_benchmark.sh new file mode 100644 index 000000000..2b9cf70fd --- /dev/null +++ b/tests/benchmark/run_benchmark.sh @@ -0,0 +1,54 @@ +#!/bin/bash + +set -xe +# 运行示例:CUDA_VISIBLE_DEVICES=0 bash run_benchmark.sh ${run_mode} ${bs_item} ${fp_item} 500 ${model_mode} +# 参数说明 +function _set_params(){ + run_mode=${1:-"sp"} # 单卡sp|多卡mp + batch_size=${2:-"64"} + fp_item=${3:-"fp32"} # fp32|fp16 + max_iter=${4:-"500"} # 可选,如果需要修改代码提前中断 + model_name=${5:-"model_name"} + run_log_path=${TRAIN_LOG_DIR:-$(pwd)} # TRAIN_LOG_DIR 后续QA设置该参数 + +# 以下不用修改 + device=${CUDA_VISIBLE_DEVICES//,/ } + arr=(${device}) + num_gpu_devices=${#arr[*]} + log_file=${run_log_path}/${model_name}_${run_mode}_bs${batch_size}_${fp_item}_${num_gpu_devices} +} +function _train(){ + echo "Train on ${num_gpu_devices} GPUs" + echo "current CUDA_VISIBLE_DEVICES=$CUDA_VISIBLE_DEVICES, gpus=$num_gpu_devices, batch_size=$batch_size" + + train_cmd="--model_name=${model_name} + --batch_size=${batch_size} + --fp=${fp_item} \ + --max_iter=${max_iter} " + case ${run_mode} in + sp) train_cmd="python -u tools/train.py "${train_cmd}" ;; + mp) + train_cmd="python -m paddle.distributed.launch --log_dir=./mylog --gpus=$CUDA_VISIBLE_DEVICES tools/train.py "${train_cmd}" + log_parse_file="mylog/workerlog.0" ;; + *) echo "choose run_mode(sp or mp)"; exit 1; + esac +# 以下不用修改 + timeout 15m ${train_cmd} > ${log_file} 2>&1 + if [ $? -ne 0 ];then + echo -e "${model_name}, FAIL" + export job_fail_flag=1 + else + echo -e "${model_name}, SUCCESS" + export job_fail_flag=0 + fi + kill -9 `ps -ef|grep 'python'|awk '{print $2}'` + + if [ $run_mode = "mp" -a -d mylog ]; then + rm ${log_file} + cp mylog/workerlog.0 ${log_file} + fi +} + +_set_params $@ +_train + diff --git a/utils/pd_env_collect.sh b/utils/pd_env_collect.sh new file mode 100644 index 000000000..64ff8886c --- /dev/null +++ b/utils/pd_env_collect.sh @@ -0,0 +1,167 @@ +#!/usr/bin/env bash + +unset GREP_OPTIONS + +set -u # Check for undefined variables + +die() { + # Print a message and exit with code 1. + # + # Usage: die + # e.g., die "Something bad happened." + + echo $@ + exit 1 +} + +echo "Collecting system information..." + +OUTPUT_FILE=pd_env.txt +python_bin_path=$(which python || which python3 || die "Cannot find Python binary") + +{ +echo +echo '== check python ===================================================' +} >> ${OUTPUT_FILE} + +cat < /tmp/check_python.py +import platform +print("""python version: %s +python branch: %s +python build version: %s +python compiler version: %s +python implementation: %s +""" % ( +platform.python_version(), +platform.python_branch(), +platform.python_build(), +platform.python_compiler(), +platform.python_implementation(), +)) +EOF +${python_bin_path} /tmp/check_python.py 2>&1 >> ${OUTPUT_FILE} + +{ +echo +echo '== check os platform ===============================================' +} >> ${OUTPUT_FILE} + +cat < /tmp/check_os.py +import platform +print("""os: %s +os kernel version: %s +os release version: %s +os platform: %s +linux distribution: %s +linux os distribution: %s +mac version: %s +uname: %s +architecture: %s +machine: %s +""" % ( +platform.system(), +platform.version(), +platform.release(), +platform.platform(), +platform.linux_distribution(), +platform.dist(), +platform.mac_ver(), +platform.uname(), +platform.architecture(), +platform.machine(), +)) +EOF +${python_bin_path} /tmp/check_os.py 2>&1 >> ${OUTPUT_FILE} + +{ + echo + echo '== are we in docker =============================================' + num=`cat /proc/1/cgroup | grep docker | wc -l`; + if [ $num -ge 1 ]; then + echo "Yes" + else + echo "No" + fi + + echo + echo '== compiler =====================================================' + c++ --version 2>&1 + + echo + echo '== check pips ===================================================' + pip list 2>&1 | grep "proto\|numpy\|paddlepaddle" + + + echo + echo '== check for virtualenv =========================================' + ${python_bin_path} -c "import sys;print(hasattr(sys, \"real_prefix\"))" + + echo + echo '== paddlepaddle import ============================================' +} >> ${OUTPUT_FILE} + +cat < /tmp/check_pd.py +import paddle as pd; +pd.set_device('cpu') +print("pd.version.full_version = %s" % pd.version.full_version) +print("pd.version.commit = %s" % pd.version.commit) +print("pd.__version__ = %s" % pd.__version__) +print("Sanity check: %r" % pd.zeros([1,2,3])[:1]) +EOF +${python_bin_path} /tmp/check_pd.py 2>&1 >> ${OUTPUT_FILE} + +LD_DEBUG=libs ${python_bin_path} -c "import paddle" 2>>${OUTPUT_FILE} > /tmp/loadedlibs + +{ + grep libcudnn.so /tmp/loadedlibs + echo + echo '== env ==========================================================' + if [ -z ${LD_LIBRARY_PATH+x} ]; then + echo "LD_LIBRARY_PATH is unset"; + else + echo LD_LIBRARY_PATH ${LD_LIBRARY_PATH} ; + fi + if [ -z ${DYLD_LIBRARY_PATH+x} ]; then + echo "DYLD_LIBRARY_PATH is unset"; + else + echo DYLD_LIBRARY_PATH ${DYLD_LIBRARY_PATH} ; + fi + + + echo + echo '== nvidia-smi ===================================================' + nvidia-smi 2>&1 + + echo + echo '== cuda libs ===================================================' +} >> ${OUTPUT_FILE} + +find /usr/local -type f -name 'libcudart*' 2>/dev/null | grep cuda | grep -v "\\.cache" >> ${OUTPUT_FILE} +find /usr/local -type f -name 'libudnn*' 2>/dev/null | grep cuda | grep -v "\\.cache" >> ${OUTPUT_FILE} + +{ + echo + echo '== paddlepaddle installed from info ==================' + pip show paddlepaddle-gpu + + echo + echo '== python version ==============================================' + echo '(major, minor, micro, releaselevel, serial)' + python -c 'import sys; print(sys.version_info[:])' + + echo + echo '== bazel version ===============================================' + bazel version + echo '== cmake version ===============================================' + cmake --version +} >> ${OUTPUT_FILE} + +# Remove any words with google. +mv $OUTPUT_FILE old-$OUTPUT_FILE +grep -v -i google old-${OUTPUT_FILE} > $OUTPUT_FILE + +echo "Wrote environment to ${OUTPUT_FILE}. You can review the contents of that file." +echo "and use it to populate the fields in the github issue template." +echo +echo "cat ${OUTPUT_FILE}" +echo From 7907319288d58a784d8cee981f6c2e59c609aeab Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 15 Sep 2021 11:26:07 +0000 Subject: [PATCH 054/103] fix profiler --- deepspeech/training/trainer.py | 3 ++- deepspeech/utils/profiler.py | 3 +++ examples/tiny/s0/conf/deepspeech2.yaml | 2 +- examples/tiny/s0/local/train.sh | 2 +- 4 files changed, 7 insertions(+), 3 deletions(-) diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index bdb68310a..b31ddcad6 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -185,7 +185,8 @@ class Trainer(): batch_sampler.set_epoch(self.epoch) def after_train_batch(self): - profiler.add_profiler_step(self.args.profiler_options) + if self.args.profiler_options: + profiler.add_profiler_step(self.args.profiler_options) def train(self): """The training process control by epoch.""" diff --git a/deepspeech/utils/profiler.py b/deepspeech/utils/profiler.py index 5b8389be8..357840a62 100644 --- a/deepspeech/utils/profiler.py +++ b/deepspeech/utils/profiler.py @@ -61,6 +61,9 @@ class ProfilerOptions(object): self._parse_from_string(options_str) def _parse_from_string(self, options_str): + if not options_str: + return + for kv in options_str.replace(' ', '').split(';'): key, value = kv.split('=') if key == 'batch_range': diff --git a/examples/tiny/s0/conf/deepspeech2.yaml b/examples/tiny/s0/conf/deepspeech2.yaml index 64598b4be..408996557 100644 --- a/examples/tiny/s0/conf/deepspeech2.yaml +++ b/examples/tiny/s0/conf/deepspeech2.yaml @@ -48,7 +48,7 @@ training: n_epoch: 10 accum_grad: 1 lr: 1e-5 - lr_decay: 1.0 + lr_decay: 0.8 weight_decay: 1e-06 global_grad_clip: 5.0 log_interval: 1 diff --git a/examples/tiny/s0/local/train.sh b/examples/tiny/s0/local/train.sh index a657ce345..f96508b4f 100755 --- a/examples/tiny/s0/local/train.sh +++ b/examples/tiny/s0/local/train.sh @@ -38,7 +38,7 @@ python3 -u ${BIN_DIR}/train.py \ --config ${config_path} \ --output exp/${ckpt_name} \ --model_type ${model_type} \ ---profiler_options ${profiler_options} \ +--profiler_options "${profiler_options}" \ --seed ${seed} if [ ${seed} != 0 ]; then From d0c9dc93427decd998414caa308637a7f2c78897 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Wed, 15 Sep 2021 19:28:34 +0800 Subject: [PATCH 055/103] Update deepspeech_architecture.md --- docs/src/deepspeech_architecture.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/docs/src/deepspeech_architecture.md b/docs/src/deepspeech_architecture.md index 580b13882..b93441222 100644 --- a/docs/src/deepspeech_architecture.md +++ b/docs/src/deepspeech_architecture.md @@ -65,7 +65,7 @@ python3 ../../../utils/compute_mean_std.py \ ``` ### Encoder -The encoder is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature represention from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature represention are input into the stacked rnn layers. For the stacked rnn layers, LSTM cell and GRU cell are provided to use. Adding one fully connected (fc) layer after the stacked rnn layers is optional. If the number of stacked rnn layers is less than 5, adding one fc layer after stacked rnn layers is recommand. +The encoder is composed of two 2D convolution subsampling layers and a number of stacked single direction rnn layers. The 2D convolution subsampling layers extract feature representation from the raw audio feature and reduce the length of audio feature at the same time. After passing through the convolution subsampling layers, then the feature representation are input into the stacked rnn layers. For the stacked rnn layers, LSTM cell and GRU cell are provided to use. Adding one fully connected (fc) layer after the stacked rnn layers is optional. If the number of stacked rnn layers is less than 5, adding one fc layer after stacked rnn layers is recommand. The code of Encoder is in: ``` @@ -73,7 +73,7 @@ vi deepspeech/models/ds2_online/deepspeech2.py ``` ### Decoder -To got the character possibilities of each frame, the feature represention of each frame output from the encoder are input into a projection layer which is implemented as a dense layer to do feature projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to transform the frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. +To got the character possibilities of each frame, the feature representation of each frame output from the encoder are input into a projection layer which is implemented as a dense layer to do feature projection. The output dim of the projection layer is same with the vocabulary size. After projection layer, the softmax function is used to transform the frame-level feature representation be the possibilities of characters. While making model inference, the character possibilities of each frame are input into the CTC decoder to get the final speech recognition results. The code of the decoder is in: ``` From 3a5258f6a00ba0c660bd92d241e3b24cf0554520 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 15 Sep 2021 11:36:35 +0000 Subject: [PATCH 056/103] lr and opt param will restore from ckpt, so we do not set lr manully --- deepspeech/exps/u2/model.py | 5 +++-- deepspeech/training/trainer.py | 4 +++- 2 files changed, 6 insertions(+), 3 deletions(-) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 67b666ed0..1328a1cb7 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -182,9 +182,10 @@ class U2Trainer(Trainer): from_scratch = self.resume_or_scratch() if from_scratch: # save init model, i.e. 0 epoch - self.save(tag='init') + self.save(tag='init', infos=None) - self.lr_scheduler.step(self.iteration) + # lr will resotre from optimizer ckpt + # self.lr_scheduler.step(self.iteration) if self.parallel and hasattr(self.train_loader, 'batch_sampler'): self.train_loader.batch_sampler.set_epoch(self.epoch) diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index b31ddcad6..6587f1290 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -194,7 +194,9 @@ class Trainer(): if from_scratch: # save init model, i.e. 0 epoch self.save(tag='init', infos=None) - self.lr_scheduler.step(self.epoch) + + # lr will resotre from optimizer ckpt + # self.lr_scheduler.step(self.epoch) if self.parallel and hasattr(self.train_loader, "batch_sampler"): self.train_loader.batch_sampler.set_epoch(self.epoch) From 16b9c33deb10c3f895286d7c7abe64d96f618e39 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 15 Sep 2021 11:42:07 +0000 Subject: [PATCH 057/103] format --- deepspeech/utils/profiler.py | 2 +- tests/benchmark/README.md | 3 +-- 2 files changed, 2 insertions(+), 3 deletions(-) diff --git a/deepspeech/utils/profiler.py b/deepspeech/utils/profiler.py index 357840a62..83b003cad 100644 --- a/deepspeech/utils/profiler.py +++ b/deepspeech/utils/profiler.py @@ -63,7 +63,7 @@ class ProfilerOptions(object): def _parse_from_string(self, options_str): if not options_str: return - + for kv in options_str.replace(' ', '').split(';'): key, value = kv.split('=') if key == 'batch_range': diff --git a/tests/benchmark/README.md b/tests/benchmark/README.md index 8ec43f89e..d21999ab3 100644 --- a/tests/benchmark/README.md +++ b/tests/benchmark/README.md @@ -4,9 +4,8 @@ * Aishell -## Docker +## Docker ``` registry.baidubce.com/paddlepaddle/paddle 2.1.1-gpu-cuda10.2-cudnn7 59d5ec1de486 ``` - From 0f3e5a3872defc3e7197e01f8ae7e760b22c00bf Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 16 Sep 2021 05:59:16 +0000 Subject: [PATCH 058/103] run_all with aishell/s1 --- tests/benchmark/run_all.sh | 27 +++++++++++++++++++-------- tests/benchmark/run_benchmark.sh | 2 ++ 2 files changed, 21 insertions(+), 8 deletions(-) diff --git a/tests/benchmark/run_all.sh b/tests/benchmark/run_all.sh index 7564174b4..7aa11d0f2 100644 --- a/tests/benchmark/run_all.sh +++ b/tests/benchmark/run_all.sh @@ -1,20 +1,29 @@ #!/bin/bash -# collect env info -bash ../../utils/pd_env_collect.sh - +ROOT_DIR=../../ +# 提供可稳定复现性能的脚本,默认在标准docker环境内py37执行: +# collect env info +bash ${ROOT_DIR}/utils/pd_env_collect.sh +cat pd_env.txt -# 提供可稳定复现性能的脚本,默认在标准docker环境内py37执行: paddlepaddle/paddle:latest-gpu-cuda10.1-cudnn7 paddle=2.1.2 py=37 # 执行目录:需说明 -cd ** +pushd ${ROOT_DIR}/examples/aishell/s1 + # 1 安装该模型需要的依赖 (如需开启优化策略请注明) -pip install ... +pushd ${ROOT_DIR}/tools; make; popd +source ${ROOT_DIR}/tools/venv/bin/activate +pushd ${ROOT_DIR}; bash setup.sh; popd + + # 2 拷贝该模型需要数据、预训练模型 +mkdir -p exp/log +loca/data.sh &> exp/log/data.log + # 3 批量运行(如不方便批量,1,2需放到单个模型中) -model_mode_list=(MobileNetv1 MobileNetv2) -fp_item_list=(fp32 fp16) +model_mode_list=(conformer) +fp_item_list=(fp32) bs_item=(32 64 96) for model_mode in ${model_mode_list[@]}; do for fp_item in ${fp_item_list[@]}; do @@ -31,3 +40,5 @@ for model_mode in ${model_mode_list[@]}; do done done done + +popd # aishell/s1 diff --git a/tests/benchmark/run_benchmark.sh b/tests/benchmark/run_benchmark.sh index 2b9cf70fd..625d36160 100644 --- a/tests/benchmark/run_benchmark.sh +++ b/tests/benchmark/run_benchmark.sh @@ -1,6 +1,7 @@ #!/bin/bash set -xe + # 运行示例:CUDA_VISIBLE_DEVICES=0 bash run_benchmark.sh ${run_mode} ${bs_item} ${fp_item} 500 ${model_mode} # 参数说明 function _set_params(){ @@ -17,6 +18,7 @@ function _set_params(){ num_gpu_devices=${#arr[*]} log_file=${run_log_path}/${model_name}_${run_mode}_bs${batch_size}_${fp_item}_${num_gpu_devices} } + function _train(){ echo "Train on ${num_gpu_devices} GPUs" echo "current CUDA_VISIBLE_DEVICES=$CUDA_VISIBLE_DEVICES, gpus=$num_gpu_devices, batch_size=$batch_size" From a997b5a61cd3573bb920b3c8b4a880aeee28432f Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 16 Sep 2021 06:00:35 +0000 Subject: [PATCH 059/103] rename ckpt suffix to np --- deepspeech/training/extensions/snapshot.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/deepspeech/training/extensions/snapshot.py b/deepspeech/training/extensions/snapshot.py index 1d3fe70cb..e81eb97fc 100644 --- a/deepspeech/training/extensions/snapshot.py +++ b/deepspeech/training/extensions/snapshot.py @@ -101,7 +101,7 @@ class Snapshot(extension.Extension): iteration = trainer.updater.state.iteration epoch = trainer.updater.state.epoch num = epoch if self.trigger[1] == 'epoch' else iteration - path = self.checkpoint_dir / f"{num}.pdz" + path = self.checkpoint_dir / f"{num}.np" # add the new one trainer.updater.save(path) From c75082295a617adc40acadf4eb8789458682fcb9 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 16 Sep 2021 06:10:27 +0000 Subject: [PATCH 060/103] varbase getitem support np.longlong since paddle 2.2.0RC --- deepspeech/utils/ctc_utils.py | 16 ++++++---------- 1 file changed, 6 insertions(+), 10 deletions(-) diff --git a/deepspeech/utils/ctc_utils.py b/deepspeech/utils/ctc_utils.py index 09543d48d..6201233df 100644 --- a/deepspeech/utils/ctc_utils.py +++ b/deepspeech/utils/ctc_utils.py @@ -86,15 +86,13 @@ def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, log_alpha = paddle.zeros( (ctc_probs.size(0), len(y_insert_blank))) #(T, 2L+1) log_alpha = log_alpha - float('inf') # log of zero - # TODO(Hui Zhang): zeros not support paddle.int16 state_path = (paddle.zeros( - (ctc_probs.size(0), len(y_insert_blank)), dtype=paddle.int32) - 1 + (ctc_probs.size(0), len(y_insert_blank)), dtype=paddle.int16) - 1 ) # state path, Tuple((T, 2L+1)) # init start state - # TODO(Hui Zhang): VarBase.__getitem__() not support np.int64 - log_alpha[0, 0] = ctc_probs[0][int(y_insert_blank[0])] # State-b, Sb - log_alpha[0, 1] = ctc_probs[0][int(y_insert_blank[1])] # State-nb, Snb + log_alpha[0, 0] = ctc_probs[0][y_insert_blank[0]] # State-b, Sb + log_alpha[0, 1] = ctc_probs[0][y_insert_blank[1]] # State-nb, Snb for t in range(1, ctc_probs.size(0)): # T for s in range(len(y_insert_blank)): # 2L+1 @@ -110,13 +108,11 @@ def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, log_alpha[t - 1, s - 2], ]) prev_state = [s, s - 1, s - 2] - # TODO(Hui Zhang): VarBase.__getitem__() not support np.int64 - log_alpha[t, s] = paddle.max(candidates) + ctc_probs[t][int( - y_insert_blank[s])] + log_alpha[t, s] = paddle.max(candidates) + ctc_probs[t][ + y_insert_blank[s]] state_path[t, s] = prev_state[paddle.argmax(candidates)] - # TODO(Hui Zhang): zeros not support paddle.int16 - state_seq = -1 * paddle.ones((ctc_probs.size(0), 1), dtype=paddle.int32) + state_seq = -1 * paddle.ones((ctc_probs.size(0), 1), dtype=paddle.int16) candidates = paddle.to_tensor([ log_alpha[-1, len(y_insert_blank) - 1], # Sb From cda6ca8323935038efc51e911253cb12b24c923a Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 16 Sep 2021 12:16:13 +0000 Subject: [PATCH 061/103] add benchmark flags, and logic --- deepspeech/exps/u2/model.py | 3 ++- deepspeech/training/cli.py | 40 ++++++++++++------------------ deepspeech/training/trainer.py | 14 +++++++++++ deepspeech/utils/utility.py | 14 ++++++++++- examples/aishell/s1/local/train.sh | 10 +++++--- examples/tiny/s1/local/train.sh | 40 +++++++++++++++++++----------- tests/benchmark/run_all.sh | 29 +++++++++++++--------- tests/benchmark/run_benchmark.sh | 21 ++++++++-------- 8 files changed, 106 insertions(+), 65 deletions(-) mode change 100644 => 100755 tests/benchmark/run_all.sh mode change 100644 => 100755 tests/benchmark/run_benchmark.sh diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 1328a1cb7..0d17d9fd2 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -100,7 +100,8 @@ class U2Trainer(Trainer): # Disable gradient synchronizations across DDP processes. # Within this context, gradients will be accumulated on module # variables, which will later be synchronized. - context = self.model.no_sync + # When using cpu w/o DDP, model does not have `no_sync` + context = self.model.no_sync if self.parallel else nullcontext else: # Used for single gpu training and DDP gradient synchronization # processes. diff --git a/deepspeech/training/cli.py b/deepspeech/training/cli.py index 1477bdfe0..d8719b3ab 100644 --- a/deepspeech/training/cli.py +++ b/deepspeech/training/cli.py @@ -44,32 +44,24 @@ def default_argument_parser(): parser = argparse.ArgumentParser() # yapf: disable - # data and output - parser.add_argument("--config", metavar="FILE", help="path of the config file to overwrite to default config with.") - parser.add_argument("--dump-config", metavar="FILE", help="dump config to yaml file.") - parser.add_argument("--output", metavar="OUTPUT_DIR", help="path to save checkpoint and logs.") - - # load from saved checkpoint - parser.add_argument("--checkpoint_path", type=str, help="path of the checkpoint to load") - - # running - parser.add_argument("--device", type=str, default='gpu', choices=["cpu", "gpu"], - help="device type to use, cpu and gpu are supported.") - parser.add_argument("--nprocs", type=int, default=1, help="number of parallel processes to use.") - - # overwrite extra config and default config - # parser.add_argument("--opts", nargs=argparse.REMAINDER, - # help="options to overwrite --config file and the default config, passing in KEY VALUE pairs") - parser.add_argument("--opts", type=str, default=[], nargs='+', - help="options to overwrite --config file and the default config, passing in KEY VALUE pairs") - - # random seed - parser.add_argument("--seed", type=int, default=None, + train_group = parser.add_argument_group(title='Train Options', description=None) + train_group.add_argument("--seed", type=int, default=None, help="seed to use for paddle, np and random. None or 0 for random, else set seed.") - - # profiler - parser.add_argument('--profiler_options', type=str, default=None, + train_group.add_argument("--device", type=str, default='gpu', choices=["cpu", "gpu"], + help="device cpu and gpu are supported.") + train_group.add_argument("--nprocs", type=int, default=1, help="number of parallel processes. 0 for cpu.") + train_group.add_argument("--config", metavar="CONFIG_FILE", help="config file.") + train_group.add_argument("--output", metavar="CKPT_DIR", help="path to save checkpoint.") + train_group.add_argument("--checkpoint_path", type=str, help="path to load checkpoint") + train_group.add_argument("--opts", type=str, default=[], nargs='+', + help="overwrite --config file, passing in LIST[KEY VALUE] pairs") + train_group.add_argument("--dump-config", metavar="FILE", help="dump config to `this` file.") + + bech_group = parser.add_argument_group(title='Benchmark Options', description=None) + bech_group.add_argument('--profiler-options', type=str, default=None, help='The option of profiler, which should be in format \"key1=value1;key2=value2;key3=value3\".') + bech_group.add_argument('--benchmark-batch-size', type=int, default=None, help='batch size for benchmark.') + bech_group.add_argument('--benchmark-max-step', type=int, default=None, help='max iteration for benchmark.') # yapd: enable return parser diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 6587f1290..9549a4dd0 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -11,6 +11,7 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. +import sys import time from pathlib import Path @@ -24,6 +25,7 @@ from deepspeech.utils import profiler from deepspeech.utils.checkpoint import Checkpoint from deepspeech.utils.log import Log from deepspeech.utils.utility import seed_all +from deepspeech.utils.utility import UpdateConfig __all__ = ["Trainer"] @@ -101,6 +103,12 @@ class Trainer(): seed_all(args.seed) logger.info(f"Set seed {args.seed}") + if self.args.benchmark_batch_size: + with UpdateConfig(self.config): + self.config.collator.batch_size = self.args.benchmark_batch_size + logger.info( + f"Benchmark reset batch-size: {self.args.benchmark_batch_size}") + def setup(self): """Setup the experiment. """ @@ -188,6 +196,12 @@ class Trainer(): if self.args.profiler_options: profiler.add_profiler_step(self.args.profiler_options) + if self.args.benchmark_max_step and self.iteration > self.args.benchmark_max_step: + logger.info( + f"Reach benchmark-max-step: {self.args.benchmark_max_step}") + sys.exit( + f"Reach benchmark-max-step: {self.args.benchmark_max_step}") + def train(self): """The training process control by epoch.""" from_scratch = self.resume_or_scratch() diff --git a/deepspeech/utils/utility.py b/deepspeech/utils/utility.py index e18fc1f77..6f84c41be 100644 --- a/deepspeech/utils/utility.py +++ b/deepspeech/utils/utility.py @@ -16,15 +16,27 @@ import distutils.util import math import os import random +from contextlib import contextmanager from typing import List import numpy as np import paddle -__all__ = ["seed_all", 'print_arguments', 'add_arguments', "log_add"] +__all__ = [ + "UpdateConfig", "seed_all", 'print_arguments', 'add_arguments', "log_add" +] + + +@contextmanager +def UpdateConfig(config): + """Update yacs config""" + config.defrost() + yield + config.freeze() def seed_all(seed: int=210329): + """freeze random generator seed.""" np.random.seed(seed) random.seed(seed) paddle.seed(seed) diff --git a/examples/aishell/s1/local/train.sh b/examples/aishell/s1/local/train.sh index e065ad6a8..5b9c45f50 100755 --- a/examples/aishell/s1/local/train.sh +++ b/examples/aishell/s1/local/train.sh @@ -1,7 +1,8 @@ #!/bin/bash - profiler_options= +benchmark_batch_size= +benchmark_max_step= # seed may break model convergence seed=0 @@ -32,12 +33,15 @@ ckpt_name=$2 mkdir -p exp python3 -u ${BIN_DIR}/train.py \ +--seed ${seed} \ --device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ ---profiler_options ${profiler_options} \ ---seed ${seed} +--profiler-options "${profiler-options}" \ +--benchmark-batch-size ${benchmark_batch_size} \ +--benchmark-max-step ${benchmark_max_step} + if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic diff --git a/examples/tiny/s1/local/train.sh b/examples/tiny/s1/local/train.sh index 374608fd1..56ceab41c 100755 --- a/examples/tiny/s1/local/train.sh +++ b/examples/tiny/s1/local/train.sh @@ -1,37 +1,49 @@ #!/bin/bash -if [ $# != 2 ];then - echo "usage: CUDA_VISIBLE_DEVICES=0 ${0} config_path ckpt_name" - exit -1 -fi +profiler_options= +benchmark_batch_size= +benchmark_max_step= + +# seed may break model convergence +seed=0 + +source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -config_path=$1 -ckpt_name=$2 - device=gpu if [ ${ngpu} == 0 ];then device=cpu fi -mkdir -p exp - -# seed may break model convergence -seed=0 -if [ ${seed} != 0 ]; then +if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True + echo "using seed $seed & FLAGS_cudnn_deterministic=True ..." +fi + +if [ $# != 2 ];then + echo "usage: CUDA_VISIBLE_DEVICES=0 ${0} config_path ckpt_name" + exit -1 fi +config_path=$1 +ckpt_name=$2 + +mkdir -p exp + python3 -u ${BIN_DIR}/train.py \ +--seed ${seed} \ --device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ ---seed ${seed} +--profiler-options "${profiler_options}" \ +--benchmark-batch-size ${benchmark_batch_size} \ +--benchmark-max-step ${benchmark_max_step} + -if [ ${seed} != 0 ]; then +if [ ${seed} != 0 ]; then unset FLAGS_cudnn_deterministic fi diff --git a/tests/benchmark/run_all.sh b/tests/benchmark/run_all.sh old mode 100644 new mode 100755 index 7aa11d0f2..6f707cdcb --- a/tests/benchmark/run_all.sh +++ b/tests/benchmark/run_all.sh @@ -1,41 +1,46 @@ #!/bin/bash +CUR_DIR=${PWD} ROOT_DIR=../../ # 提供可稳定复现性能的脚本,默认在标准docker环境内py37执行: # collect env info bash ${ROOT_DIR}/utils/pd_env_collect.sh -cat pd_env.txt +#cat pd_env.txt -# 执行目录:需说明 -pushd ${ROOT_DIR}/examples/aishell/s1 # 1 安装该模型需要的依赖 (如需开启优化策略请注明) -pushd ${ROOT_DIR}/tools; make; popd -source ${ROOT_DIR}/tools/venv/bin/activate -pushd ${ROOT_DIR}; bash setup.sh; popd +#pushd ${ROOT_DIR}/tools; make; popd +#source ${ROOT_DIR}/tools/venv/bin/activate +#pushd ${ROOT_DIR}; bash setup.sh; popd # 2 拷贝该模型需要数据、预训练模型 + +# 执行目录:需说明 +#pushd ${ROOT_DIR}/examples/aishell/s1 +pushd ${ROOT_DIR}/examples/tiny/s1 + mkdir -p exp/log -loca/data.sh &> exp/log/data.log +. path.sh +#bash local/data.sh &> exp/log/data.log # 3 批量运行(如不方便批量,1,2需放到单个模型中) -model_mode_list=(conformer) +model_mode_list=(conformer transformer) fp_item_list=(fp32) -bs_item=(32 64 96) +bs_item_list=(32 64 96) for model_mode in ${model_mode_list[@]}; do for fp_item in ${fp_item_list[@]}; do - for bs_item in ${bs_list[@]} + for bs_item in ${bs_item_list[@]} do echo "index is speed, 1gpus, begin, ${model_name}" run_mode=sp - CUDA_VISIBLE_DEVICES=0 bash run_benchmark.sh ${run_mode} ${bs_item} ${fp_item} 500 ${model_mode} # (5min) + CUDA_VISIBLE_DEVICES=0 bash ${CUR_DIR}/run_benchmark.sh ${run_mode} ${bs_item} ${fp_item} 500 ${model_mode} # (5min) sleep 60 echo "index is speed, 8gpus, run_mode is multi_process, begin, ${model_name}" run_mode=mp - CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 bash run_benchmark.sh ${run_mode} ${bs_item} ${fp_item} 500 ${model_mode} + CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 bash ${CUR_DIR}/run_benchmark.sh ${run_mode} ${bs_item} ${fp_item} 500 ${model_mode} sleep 60 done done diff --git a/tests/benchmark/run_benchmark.sh b/tests/benchmark/run_benchmark.sh old mode 100644 new mode 100755 index 625d36160..eb1117936 --- a/tests/benchmark/run_benchmark.sh +++ b/tests/benchmark/run_benchmark.sh @@ -23,19 +23,19 @@ function _train(){ echo "Train on ${num_gpu_devices} GPUs" echo "current CUDA_VISIBLE_DEVICES=$CUDA_VISIBLE_DEVICES, gpus=$num_gpu_devices, batch_size=$batch_size" - train_cmd="--model_name=${model_name} - --batch_size=${batch_size} - --fp=${fp_item} \ - --max_iter=${max_iter} " + train_cmd="--benchmark-batch-size ${batch_size} + --benchmark-max-step ${max_iter} + conf/${model_name}.yaml ${model_name}" + case ${run_mode} in - sp) train_cmd="python -u tools/train.py "${train_cmd}" ;; + sp) train_cmd="bash local/train.sh "${train_cmd}"" ;; mp) - train_cmd="python -m paddle.distributed.launch --log_dir=./mylog --gpus=$CUDA_VISIBLE_DEVICES tools/train.py "${train_cmd}" - log_parse_file="mylog/workerlog.0" ;; + train_cmd="bash local/train.sh "${train_cmd}"" ;; *) echo "choose run_mode(sp or mp)"; exit 1; esac -# 以下不用修改 - timeout 15m ${train_cmd} > ${log_file} 2>&1 + + # 以下不用修改 + CUDA_VISIBLE_DEVICES=${device} timeout 15m ${train_cmd} > ${log_file} 2>&1 if [ $? -ne 0 ];then echo -e "${model_name}, FAIL" export job_fail_flag=1 @@ -43,7 +43,8 @@ function _train(){ echo -e "${model_name}, SUCCESS" export job_fail_flag=0 fi - kill -9 `ps -ef|grep 'python'|awk '{print $2}'` + + trap 'for pid in $(jobs -pr); do kill -KILL $pid; done' INT QUIT TERM if [ $run_mode = "mp" -a -d mylog ]; then rm ${log_file} From d7a33b9d5e755ad43ebef2f4d257c3832de3d823 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 16 Sep 2021 12:35:41 +0000 Subject: [PATCH 062/103] update config with contextlib --- deepspeech/exps/deepspeech2/bin/tune.py | 191 ------------------------ deepspeech/exps/deepspeech2/model.py | 8 +- deepspeech/exps/u2/model.py | 10 +- deepspeech/exps/u2/trainer.py | 9 +- deepspeech/exps/u2_kaldi/model.py | 9 +- deepspeech/exps/u2_st/model.py | 9 +- deepspeech/models/u2/u2.py | 9 +- deepspeech/models/u2_st.py | 9 +- 8 files changed, 35 insertions(+), 219 deletions(-) delete mode 100644 deepspeech/exps/deepspeech2/bin/tune.py diff --git a/deepspeech/exps/deepspeech2/bin/tune.py b/deepspeech/exps/deepspeech2/bin/tune.py deleted file mode 100644 index 94a9b6c47..000000000 --- a/deepspeech/exps/deepspeech2/bin/tune.py +++ /dev/null @@ -1,191 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Beam search parameters tuning for DeepSpeech2 model.""" -import functools -import sys - -import numpy as np -from paddle.io import DataLoader - -from deepspeech.exps.deepspeech2.config import get_cfg_defaults -from deepspeech.io.collator import SpeechCollator -from deepspeech.io.dataset import ManifestDataset -from deepspeech.models.ds2 import DeepSpeech2Model -from deepspeech.training.cli import default_argument_parser -from deepspeech.utils import error_rate -from deepspeech.utils.utility import add_arguments -from deepspeech.utils.utility import print_arguments - - -def tune(config, args): - """Tune parameters alpha and beta incrementally.""" - if not args.num_alphas >= 0: - raise ValueError("num_alphas must be non-negative!") - if not args.num_betas >= 0: - raise ValueError("num_betas must be non-negative!") - config.defrost() - config.data.manfiest = config.data.dev_manifest - config.data.augmentation_config = "" - config.data.keep_transcription_text = True - dev_dataset = ManifestDataset.from_config(config) - - valid_loader = DataLoader( - dev_dataset, - batch_size=config.data.batch_size, - shuffle=False, - drop_last=False, - collate_fn=SpeechCollator(keep_transcription_text=True)) - - model = DeepSpeech2Model.from_pretrained(valid_loader, config, - args.checkpoint_path) - model.eval() - - # decoders only accept string encoded in utf-8 - vocab_list = valid_loader.dataset.vocab_list - errors_func = error_rate.char_errors if config.decoding.error_rate_type == 'cer' else error_rate.word_errors - - # create grid for search - cand_alphas = np.linspace(args.alpha_from, args.alpha_to, args.num_alphas) - cand_betas = np.linspace(args.beta_from, args.beta_to, args.num_betas) - params_grid = [(alpha, beta) for alpha in cand_alphas - for beta in cand_betas] - - err_sum = [0.0 for i in range(len(params_grid))] - err_ave = [0.0 for i in range(len(params_grid))] - - num_ins, len_refs, cur_batch = 0, 0, 0 - # initialize external scorer - model.decoder.init_decode(args.alpha_from, args.beta_from, - config.decoding.lang_model_path, vocab_list, - config.decoding.decoding_method) - ## incremental tuning parameters over multiple batches - print("start tuning ...") - for infer_data in valid_loader(): - if (args.num_batches >= 0) and (cur_batch >= args.num_batches): - break - - def ordid2token(texts, texts_len): - """ ord() id to chr() chr """ - trans = [] - for text, n in zip(texts, texts_len): - n = n.numpy().item() - ids = text[:n] - trans.append(''.join([chr(i) for i in ids])) - return trans - - audio, audio_len, text, text_len = infer_data - target_transcripts = ordid2token(text, text_len) - num_ins += audio.shape[0] - - # model infer - eouts, eouts_len = model.encoder(audio, audio_len) - probs = model.decoder.softmax(eouts) - - # grid search - for index, (alpha, beta) in enumerate(params_grid): - print(f"tuneing: alpha={alpha} beta={beta}") - result_transcripts = model.decoder.decode_probs( - probs.numpy(), eouts_len, vocab_list, - config.decoding.decoding_method, - config.decoding.lang_model_path, alpha, beta, - config.decoding.beam_size, config.decoding.cutoff_prob, - config.decoding.cutoff_top_n, config.decoding.num_proc_bsearch) - - for target, result in zip(target_transcripts, result_transcripts): - errors, len_ref = errors_func(target, result) - err_sum[index] += errors - - # accumulate the length of references of every batchπ - # in the first iteration - if args.alpha_from == alpha and args.beta_from == beta: - len_refs += len_ref - - err_ave[index] = err_sum[index] / len_refs - if index % 2 == 0: - sys.stdout.write('.') - sys.stdout.flush() - print("tuneing: one grid done!") - - # output on-line tuning result at the end of current batch - err_ave_min = min(err_ave) - min_index = err_ave.index(err_ave_min) - print("\nBatch %d [%d/?], current opt (alpha, beta) = (%s, %s), " - " min [%s] = %f" % - (cur_batch, num_ins, "%.3f" % params_grid[min_index][0], - "%.3f" % params_grid[min_index][1], - config.decoding.error_rate_type, err_ave_min)) - cur_batch += 1 - - # output WER/CER at every (alpha, beta) - print("\nFinal %s:\n" % config.decoding.error_rate_type) - for index in range(len(params_grid)): - print("(alpha, beta) = (%s, %s), [%s] = %f" % - ("%.3f" % params_grid[index][0], "%.3f" % params_grid[index][1], - config.decoding.error_rate_type, err_ave[index])) - - err_ave_min = min(err_ave) - min_index = err_ave.index(err_ave_min) - print("\nFinish tuning on %d batches, final opt (alpha, beta) = (%s, %s)" % - (cur_batch, "%.3f" % params_grid[min_index][0], - "%.3f" % params_grid[min_index][1])) - - print("finish tuning") - - -def main(config, args): - tune(config, args) - - -if __name__ == "__main__": - parser = default_argument_parser() - add_arg = functools.partial(add_arguments, argparser=parser) - add_arg('num_batches', int, -1, "# of batches tuning on. " - "Default -1, on whole dev set.") - add_arg('num_alphas', int, 45, "# of alpha candidates for tuning.") - add_arg('num_betas', int, 8, "# of beta candidates for tuning.") - add_arg('alpha_from', float, 1.0, "Where alpha starts tuning from.") - add_arg('alpha_to', float, 3.2, "Where alpha ends tuning with.") - add_arg('beta_from', float, 0.1, "Where beta starts tuning from.") - add_arg('beta_to', float, 0.45, "Where beta ends tuning with.") - - add_arg('batch_size', int, 256, "# of samples per batch.") - add_arg('beam_size', int, 500, "Beam search width.") - add_arg('num_proc_bsearch', int, 8, "# of CPUs for beam search.") - add_arg('cutoff_prob', float, 1.0, "Cutoff probability for pruning.") - add_arg('cutoff_top_n', int, 40, "Cutoff number for pruning.") - - args = parser.parse_args() - print_arguments(args, globals()) - - # https://yaml.org/type/float.html - config = get_cfg_defaults() - if args.config: - config.merge_from_file(args.config) - if args.opts: - config.merge_from_list(args.opts) - - config.data.batch_size = args.batch_size - config.decoding.beam_size = args.beam_size - config.decoding.num_proc_bsearch = args.num_proc_bsearch - config.decoding.cutoff_prob = args.cutoff_prob - config.decoding.cutoff_top_n = args.cutoff_top_n - - config.freeze() - print(config) - - if args.dump_config: - with open(args.dump_config, 'w') as f: - print(config, file=f) - - main(config, args) diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index fbc357ca0..df35c52c6 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -41,6 +41,7 @@ from deepspeech.utils import layer_tools from deepspeech.utils import mp_tools from deepspeech.utils.log import Autolog from deepspeech.utils.log import Log +from deepspeech.utils.utility import UpdateConfig logger = Log(__name__).getlog() @@ -147,10 +148,9 @@ class DeepSpeech2Trainer(Trainer): def setup_model(self): config = self.config.clone() - config.defrost() - config.model.feat_size = self.train_loader.collate_fn.feature_size - config.model.dict_size = self.train_loader.collate_fn.vocab_size - config.freeze() + with UpdateConfig(config): + config.model.feat_size = self.train_loader.collate_fn.feature_size + config.model.dict_size = self.train_loader.collate_fn.vocab_size if self.args.model_type == 'offline': model = DeepSpeech2Model.from_config(config.model) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 0d17d9fd2..89d443e03 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -43,6 +43,7 @@ from deepspeech.utils import mp_tools from deepspeech.utils import text_grid from deepspeech.utils import utility from deepspeech.utils.log import Log +from deepspeech.utils.utility import UpdateConfig logger = Log(__name__).getlog() @@ -315,10 +316,11 @@ class U2Trainer(Trainer): def setup_model(self): config = self.config model_conf = config.model - model_conf.defrost() - model_conf.input_dim = self.train_loader.collate_fn.feature_size - model_conf.output_dim = self.train_loader.collate_fn.vocab_size - model_conf.freeze() + + with UpdateConfig(model_conf): + model_conf.input_dim = self.train_loader.collate_fn.feature_size + model_conf.output_dim = self.train_loader.collate_fn.vocab_size + model = U2Model.from_config(model_conf) if self.parallel: diff --git a/deepspeech/exps/u2/trainer.py b/deepspeech/exps/u2/trainer.py index fa3e6d9d7..8e8634ac3 100644 --- a/deepspeech/exps/u2/trainer.py +++ b/deepspeech/exps/u2/trainer.py @@ -32,6 +32,7 @@ from deepspeech.training.trainer import Trainer from deepspeech.training.updaters.trainer import Trainer as NewTrainer from deepspeech.utils import layer_tools from deepspeech.utils.log import Log +from deepspeech.utils.utility import UpdateConfig logger = Log(__name__).getlog() @@ -121,10 +122,10 @@ class U2Trainer(Trainer): def setup_model(self): config = self.config model_conf = config.model - model_conf.defrost() - model_conf.input_dim = self.train_loader.collate_fn.feature_size - model_conf.output_dim = self.train_loader.collate_fn.vocab_size - model_conf.freeze() + with UpdateConfig(model_conf): + model_conf.input_dim = self.train_loader.collate_fn.feature_size + model_conf.output_dim = self.train_loader.collate_fn.vocab_size + model = U2Model.from_config(model_conf) if self.parallel: diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index 3d15e0259..edcc34012 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -41,6 +41,7 @@ from deepspeech.utils import mp_tools from deepspeech.utils import text_grid from deepspeech.utils import utility from deepspeech.utils.log import Log +from deepspeech.utils.utility import UpdateConfig logger = Log(__name__).getlog() @@ -319,10 +320,10 @@ class U2Trainer(Trainer): # model model_conf = config.model - model_conf.defrost() - model_conf.input_dim = self.train_loader.feat_dim - model_conf.output_dim = self.train_loader.vocab_size - model_conf.freeze() + with UpdateConfig(model_conf): + model_conf.input_dim = self.train_loader.feat_dim + model_conf.output_dim = self.train_loader.vocab_size + model = U2Model.from_config(model_conf) if self.parallel: model = paddle.DataParallel(model) diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index 91a81503f..0fa8ed735 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -47,6 +47,7 @@ from deepspeech.utils import mp_tools from deepspeech.utils import text_grid from deepspeech.utils import utility from deepspeech.utils.log import Log +from deepspeech.utils.utility import UpdateConfig logger = Log(__name__).getlog() @@ -345,10 +346,10 @@ class U2STTrainer(Trainer): def setup_model(self): config = self.config model_conf = config.model - model_conf.defrost() - model_conf.input_dim = self.train_loader.collate_fn.feature_size - model_conf.output_dim = self.train_loader.collate_fn.vocab_size - model_conf.freeze() + with UpdateConfig(model_conf): + model_conf.input_dim = self.train_loader.collate_fn.feature_size + model_conf.output_dim = self.train_loader.collate_fn.vocab_size + model = U2STModel.from_config(model_conf) if self.parallel: diff --git a/deepspeech/models/u2/u2.py b/deepspeech/models/u2/u2.py index fd8f15471..39ed9d5d1 100644 --- a/deepspeech/models/u2/u2.py +++ b/deepspeech/models/u2/u2.py @@ -48,6 +48,7 @@ from deepspeech.utils.tensor_utils import add_sos_eos from deepspeech.utils.tensor_utils import pad_sequence from deepspeech.utils.tensor_utils import th_accuracy from deepspeech.utils.utility import log_add +from deepspeech.utils.utility import UpdateConfig __all__ = ["U2Model", "U2InferModel"] @@ -903,10 +904,10 @@ class U2Model(U2BaseModel): Returns: DeepSpeech2Model: The model built from pretrained result. """ - config.defrost() - config.input_dim = dataloader.collate_fn.feature_size - config.output_dim = dataloader.collate_fn.vocab_size - config.freeze() + with UpdateConfig(config): + config.input_dim = dataloader.collate_fn.feature_size + config.output_dim = dataloader.collate_fn.vocab_size + model = cls.from_config(config) if checkpoint_path: diff --git a/deepspeech/models/u2_st.py b/deepspeech/models/u2_st.py index 6737a549d..87ca68b29 100644 --- a/deepspeech/models/u2_st.py +++ b/deepspeech/models/u2_st.py @@ -42,6 +42,7 @@ from deepspeech.utils import layer_tools from deepspeech.utils.log import Log from deepspeech.utils.tensor_utils import add_sos_eos from deepspeech.utils.tensor_utils import th_accuracy +from deepspeech.utils.utility import UpdateConfig __all__ = ["U2STModel", "U2STInferModel"] @@ -686,10 +687,10 @@ class U2STModel(U2STBaseModel): Returns: DeepSpeech2Model: The model built from pretrained result. """ - config.defrost() - config.input_dim = dataloader.collate_fn.feature_size - config.output_dim = dataloader.collate_fn.vocab_size - config.freeze() + with UpdateConfig(config): + config.input_dim = dataloader.collate_fn.feature_size + config.output_dim = dataloader.collate_fn.vocab_size + model = cls.from_config(config) if checkpoint_path: From f15e1ff7325b6c0e94145bf4530b0601a2575413 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 16 Sep 2021 12:50:04 +0000 Subject: [PATCH 063/103] fix doc link --- README.md | 20 +++++++++--------- README_cn.md | 49 --------------------------------------------- docs/src/install.md | 2 +- 3 files changed, 10 insertions(+), 61 deletions(-) delete mode 100644 README_cn.md diff --git a/README.md b/README.md index 931e6331c..71bc63638 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,3 @@ -[中文版](README_cn.md) - # PaddlePaddle Speech to Any toolkit ![License](https://img.shields.io/badge/license-Apache%202-red.svg) @@ -11,7 +9,7 @@ ## Features - See [feature list](doc/src/feature_list.md) for more information. + See [feature list](docs/src/feature_list.md) for more information. ## Setup @@ -20,20 +18,20 @@ All tested under: * python>=3.7 * paddlepaddle>=2.2.0rc -Please see [install](doc/src/install.md). +Please see [install](docs/src/install.md). ## Getting Started -Please see [Getting Started](doc/src/getting_started.md) and [tiny egs](examples/tiny/s0/README.md). +Please see [Getting Started](docs/src/getting_started.md) and [tiny egs](examples/tiny/s0/README.md). ## More Information -* [Data Prepration](doc/src/data_preparation.md) -* [Data Augmentation](doc/src/augmentation.md) -* [Ngram LM](doc/src/ngram_lm.md) -* [Benchmark](doc/src/benchmark.md) -* [Relased Model](doc/src/released_model.md) +* [Data Prepration](docs/src/data_preparation.md) +* [Data Augmentation](docs/src/augmentation.md) +* [Ngram LM](docs/src/ngram_lm.md) +* [Benchmark](docs/src/benchmark.md) +* [Relased Model](docs/src/released_model.md) ## Questions and Help @@ -47,4 +45,4 @@ DeepSpeech is provided under the [Apache-2.0 License](./LICENSE). ## Acknowledgement -We depends on many open source repos. See [References](doc/src/reference.md) for more information. +We depends on many open source repos. See [References](docs/src/reference.md) for more information. diff --git a/README_cn.md b/README_cn.md deleted file mode 100644 index cc993f8bf..000000000 --- a/README_cn.md +++ /dev/null @@ -1,49 +0,0 @@ -[English](README.md) - -# PaddlePaddle Speech to Any toolkit - -![License](https://img.shields.io/badge/license-Apache%202-red.svg) -![python version](https://img.shields.io/badge/python-3.7+-orange.svg) -![support os](https://img.shields.io/badge/os-linux-yellow.svg) - -*DeepSpeech*是一个采用[PaddlePaddle](https://github.com/PaddlePaddle/Paddle)平台的端到端自动语音识别引擎的开源项目, -我们的愿景是为语音识别在工业应用和学术研究上,提供易于使用、高效、小型化和可扩展的工具,包括训练,推理,以及 部署。 - -## 特性 - - 参看 [特性列表](doc/src/feature_list.md)。 - - -## 安装 - -在以下环境测试验证过: - -* Ubuntu 16.04 -* python>=3.7 -* paddlepaddle>=2.2.0rc - -参看 [安装](doc/src/install.md)。 - -## 开始 - -请查看 [开始](doc/src/getting_started.md) 和 [tiny egs](examples/tiny/s0/README.md)。 - -## 更多信息 - -* [数据处理](doc/src/data_preparation.md) -* [数据增强](doc/src/augmentation.md) -* [语言模型](doc/src/ngram_lm.md) -* [Benchmark](doc/src/benchmark.md) -* [Relased Model](doc/src/released_model.md) - -## 问题和帮助 - -欢迎您在[Github讨论](https://github.com/PaddlePaddle/DeepSpeech/discussions)提交问题,[Github问题](https://github.com/PaddlePaddle/models/issues)中反馈bug。也欢迎您为这个项目做出贡献。 - -## License - -DeepSpeech 遵循[Apache-2.0开源协议](./LICENSE)。 - -## 感谢 - -开发中参考一些优秀的仓库,详情参见 [References](doc/src/reference.md)。 diff --git a/docs/src/install.md b/docs/src/install.md index 79460737b..8cecba125 100644 --- a/docs/src/install.md +++ b/docs/src/install.md @@ -4,7 +4,7 @@ To avoid the trouble of environment setup, [running in Docker container](#runnin ## Prerequisites - Python >= 3.7 -- PaddlePaddle 2.0.0 or later (please refer to the [Installation Guide](https://www.paddlepaddle.org.cn/documentation/docs/en/beginners_guide/index_en.html)) +- PaddlePaddle latest version (please refer to the [Installation Guide](https://www.paddlepaddle.org.cn/documentation/docs/en/beginners_guide/index_en.html)) ## Setup (Important) From 4c7fefd4e3a8eea5a70f3f475615af98eb8b419b Mon Sep 17 00:00:00 2001 From: huangyuxin Date: Thu, 16 Sep 2021 12:16:59 +0000 Subject: [PATCH 064/103] add transformed v1.8 model --- .../transv1.8to2.x/data/aishell/aishell.py | 123 +++ .../data/librispeech/librispeech.py | 159 ++++ .../data/noise/chime3_background.py | 139 ++++ .../transv1.8to2.x/data/voxforge/run_data.sh | 16 + .../transv1.8to2.x/data/voxforge/voxforge.py | 234 ++++++ .../transv1.8to2.x/data_utils/__init__.py | 13 + examples/transv1.8to2.x/data_utils/audio.py | 695 +++++++++++++++++ .../data_utils/augmentor/__init__.py | 13 + .../data_utils/augmentor/augmentation.py | 134 ++++ .../data_utils/augmentor/base.py | 43 ++ .../data_utils/augmentor/impulse_response.py | 43 ++ .../data_utils/augmentor/noise_perturb.py | 58 ++ .../online_bayesian_normalization.py | 57 ++ .../data_utils/augmentor/resample.py | 42 + .../data_utils/augmentor/shift_perturb.py | 43 ++ .../data_utils/augmentor/speed_perturb.py | 56 ++ .../data_utils/augmentor/volume_perturb.py | 49 ++ examples/transv1.8to2.x/data_utils/data.py | 380 +++++++++ .../data_utils/featurizer/__init__.py | 13 + .../data_utils/featurizer/audio_featurizer.py | 194 +++++ .../featurizer/speech_featurizer.py | 107 +++ .../data_utils/featurizer/text_featurizer.py | 76 ++ .../transv1.8to2.x/data_utils/normalizer.py | 97 +++ examples/transv1.8to2.x/data_utils/speech.py | 153 ++++ examples/transv1.8to2.x/data_utils/utility.py | 98 +++ .../transv1.8to2.x/deepspeech/__init__.py | 370 +++++++++ .../deepspeech/decoders/README.MD | 3 + .../deepspeech/decoders/__init__.py | 13 + .../decoders/decoders_deprecated.py | 248 ++++++ .../deepspeech/decoders/scorer_deprecated.py | 78 ++ .../deepspeech/decoders/swig_wrapper.py | 134 ++++ .../deepspeech/frontend/__init__.py | 13 + .../deepspeech/frontend/audio.py | 721 ++++++++++++++++++ .../deepspeech/frontend/augmentor/__init__.py | 13 + .../frontend/augmentor/augmentation.py | 218 ++++++ .../deepspeech/frontend/augmentor/base.py | 59 ++ .../frontend/augmentor/impulse_response.py | 50 ++ .../frontend/augmentor/noise_perturb.py | 64 ++ .../online_bayesian_normalization.py | 63 ++ .../deepspeech/frontend/augmentor/resample.py | 48 ++ .../frontend/augmentor/shift_perturb.py | 49 ++ .../frontend/augmentor/spec_augment.py | 256 +++++++ .../frontend/augmentor/speed_perturb.py | 106 +++ .../frontend/augmentor/volume_perturb.py | 55 ++ .../frontend/featurizer/__init__.py | 16 + .../frontend/featurizer/audio_featurizer.py | 363 +++++++++ .../frontend/featurizer/speech_featurizer.py | 153 ++++ .../frontend/featurizer/text_featurizer.py | 202 +++++ .../deepspeech/frontend/normalizer.py | 199 +++++ .../deepspeech/frontend/speech.py | 217 ++++++ .../deepspeech/frontend/utility.py | 289 +++++++ .../transv1.8to2.x/deepspeech/io/__init__.py | 13 + .../transv1.8to2.x/deepspeech/io/batchfy.py | 469 ++++++++++++ .../transv1.8to2.x/deepspeech/io/collator.py | 321 ++++++++ .../deepspeech/io/collator_st.py | 631 +++++++++++++++ .../transv1.8to2.x/deepspeech/io/converter.py | 81 ++ .../deepspeech/io/dataloader.py | 170 +++++ .../transv1.8to2.x/deepspeech/io/dataset.py | 149 ++++ .../transv1.8to2.x/deepspeech/io/reader.py | 410 ++++++++++ .../transv1.8to2.x/deepspeech/io/sampler.py | 251 ++++++ .../transv1.8to2.x/deepspeech/io/utility.py | 87 +++ .../deepspeech/models/__init__.py | 13 + .../deepspeech/models/ds2/__init__.py | 17 + .../deepspeech/models/ds2/conv.py | 165 ++++ .../deepspeech/models/ds2/deepspeech2.py | 313 ++++++++ .../deepspeech/models/ds2/rnn.py | 334 ++++++++ .../deepspeech/modules/__init__.py | 13 + .../deepspeech/modules/activation.py | 145 ++++ .../transv1.8to2.x/deepspeech/modules/cmvn.py | 51 ++ .../transv1.8to2.x/deepspeech/modules/crf.py | 370 +++++++++ .../transv1.8to2.x/deepspeech/modules/ctc.py | 274 +++++++ .../deepspeech/modules/decoder.py | 182 +++++ .../deepspeech/modules/decoder_layer.py | 151 ++++ .../deepspeech/modules/encoder.py | 453 +++++++++++ .../transv1.8to2.x/deepspeech/modules/loss.py | 144 ++++ .../transv1.8to2.x/deepspeech/modules/mask.py | 260 +++++++ .../deepspeech/utils/__init__.py | 13 + .../deepspeech/utils/bleu_score.py | 54 ++ .../deepspeech/utils/checkpoint.py | 298 ++++++++ .../deepspeech/utils/ctc_utils.py | 134 ++++ .../deepspeech/utils/dynamic_import.py | 67 ++ .../deepspeech/utils/error_rate.py | 206 +++++ .../deepspeech/utils/layer_tools.py | 88 +++ .../transv1.8to2.x/deepspeech/utils/log.py | 182 +++++ .../deepspeech/utils/mp_tools.py | 30 + .../deepspeech/utils/socket_server.py | 112 +++ .../deepspeech/utils/tensor_utils.py | 180 +++++ .../deepspeech/utils/text_grid.py | 127 +++ .../deepspeech/utils/utility.py | 110 +++ .../example/aishell/run_data.sh | 42 + .../example/aishell/run_infer_golden.sh | 55 ++ .../example/aishell/run_test_golden.sh | 54 ++ .../example/baidu_en8k/run_data.sh | 45 ++ .../example/baidu_en8k/run_infer_golden.sh | 55 ++ .../example/baidu_en8k/run_test_golden.sh | 55 ++ .../example/librispeech/run_data.sh | 45 ++ .../example/librispeech/run_infer_golden.sh | 55 ++ .../example/librispeech/run_test_golden.sh | 55 ++ examples/transv1.8to2.x/infer2x.py | 163 ++++ .../transv1.8to2.x/model_utils/__init__.py | 13 + .../transv1.8to2.x/model_utils/model_check.py | 49 ++ .../models/aishell/download_model.sh | 19 + .../models/baidu_en8k/download_model.sh | 19 + .../models/librispeech/download_model.sh | 19 + .../models/lm/download_lm_ch.sh | 18 + .../models/lm/download_lm_en.sh | 18 + examples/transv1.8to2.x/test2x.py | 169 ++++ examples/transv1.8to2.x/tools/_init_paths.py | 31 + examples/transv1.8to2.x/tools/build_vocab.py | 70 ++ .../transv1.8to2.x/tools/compute_mean_std.py | 64 ++ examples/transv1.8to2.x/utils/__init__.py | 13 + examples/transv1.8to2.x/utils/error_rate.py | 204 +++++ .../utils/tests/test_error_rate.py | 124 +++ examples/transv1.8to2.x/utils/utility.py | 56 ++ examples/transv1.8to2.x/utils/utility.sh | 23 + 115 files changed, 15636 insertions(+) create mode 100644 examples/transv1.8to2.x/data/aishell/aishell.py create mode 100644 examples/transv1.8to2.x/data/librispeech/librispeech.py create mode 100644 examples/transv1.8to2.x/data/noise/chime3_background.py create mode 100644 examples/transv1.8to2.x/data/voxforge/run_data.sh create mode 100644 examples/transv1.8to2.x/data/voxforge/voxforge.py create mode 100644 examples/transv1.8to2.x/data_utils/__init__.py create mode 100644 examples/transv1.8to2.x/data_utils/audio.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/__init__.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/augmentation.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/base.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/impulse_response.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/noise_perturb.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/online_bayesian_normalization.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/resample.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/shift_perturb.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/speed_perturb.py create mode 100644 examples/transv1.8to2.x/data_utils/augmentor/volume_perturb.py create mode 100644 examples/transv1.8to2.x/data_utils/data.py create mode 100644 examples/transv1.8to2.x/data_utils/featurizer/__init__.py create mode 100644 examples/transv1.8to2.x/data_utils/featurizer/audio_featurizer.py create mode 100644 examples/transv1.8to2.x/data_utils/featurizer/speech_featurizer.py create mode 100644 examples/transv1.8to2.x/data_utils/featurizer/text_featurizer.py create mode 100644 examples/transv1.8to2.x/data_utils/normalizer.py create mode 100644 examples/transv1.8to2.x/data_utils/speech.py create mode 100644 examples/transv1.8to2.x/data_utils/utility.py create mode 100644 examples/transv1.8to2.x/deepspeech/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/decoders/README.MD create mode 100644 examples/transv1.8to2.x/deepspeech/decoders/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/decoders/decoders_deprecated.py create mode 100644 examples/transv1.8to2.x/deepspeech/decoders/scorer_deprecated.py create mode 100644 examples/transv1.8to2.x/deepspeech/decoders/swig_wrapper.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/audio.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/augmentation.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/base.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/impulse_response.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/noise_perturb.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/online_bayesian_normalization.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/resample.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/shift_perturb.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/spec_augment.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/speed_perturb.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/volume_perturb.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/featurizer/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/featurizer/audio_featurizer.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/featurizer/speech_featurizer.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/featurizer/text_featurizer.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/normalizer.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/speech.py create mode 100644 examples/transv1.8to2.x/deepspeech/frontend/utility.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/batchfy.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/collator.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/collator_st.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/converter.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/dataloader.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/dataset.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/reader.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/sampler.py create mode 100644 examples/transv1.8to2.x/deepspeech/io/utility.py create mode 100644 examples/transv1.8to2.x/deepspeech/models/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/models/ds2/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/models/ds2/conv.py create mode 100644 examples/transv1.8to2.x/deepspeech/models/ds2/deepspeech2.py create mode 100644 examples/transv1.8to2.x/deepspeech/models/ds2/rnn.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/activation.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/cmvn.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/crf.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/ctc.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/decoder.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/decoder_layer.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/encoder.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/loss.py create mode 100644 examples/transv1.8to2.x/deepspeech/modules/mask.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/__init__.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/bleu_score.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/checkpoint.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/ctc_utils.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/dynamic_import.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/error_rate.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/layer_tools.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/log.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/mp_tools.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/socket_server.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/tensor_utils.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/text_grid.py create mode 100644 examples/transv1.8to2.x/deepspeech/utils/utility.py create mode 100644 examples/transv1.8to2.x/example/aishell/run_data.sh create mode 100644 examples/transv1.8to2.x/example/aishell/run_infer_golden.sh create mode 100644 examples/transv1.8to2.x/example/aishell/run_test_golden.sh create mode 100644 examples/transv1.8to2.x/example/baidu_en8k/run_data.sh create mode 100644 examples/transv1.8to2.x/example/baidu_en8k/run_infer_golden.sh create mode 100644 examples/transv1.8to2.x/example/baidu_en8k/run_test_golden.sh create mode 100644 examples/transv1.8to2.x/example/librispeech/run_data.sh create mode 100644 examples/transv1.8to2.x/example/librispeech/run_infer_golden.sh create mode 100644 examples/transv1.8to2.x/example/librispeech/run_test_golden.sh create mode 100644 examples/transv1.8to2.x/infer2x.py create mode 100644 examples/transv1.8to2.x/model_utils/__init__.py create mode 100644 examples/transv1.8to2.x/model_utils/model_check.py create mode 100644 examples/transv1.8to2.x/models/aishell/download_model.sh create mode 100644 examples/transv1.8to2.x/models/baidu_en8k/download_model.sh create mode 100644 examples/transv1.8to2.x/models/librispeech/download_model.sh create mode 100644 examples/transv1.8to2.x/models/lm/download_lm_ch.sh create mode 100644 examples/transv1.8to2.x/models/lm/download_lm_en.sh create mode 100644 examples/transv1.8to2.x/test2x.py create mode 100644 examples/transv1.8to2.x/tools/_init_paths.py create mode 100644 examples/transv1.8to2.x/tools/build_vocab.py create mode 100644 examples/transv1.8to2.x/tools/compute_mean_std.py create mode 100644 examples/transv1.8to2.x/utils/__init__.py create mode 100644 examples/transv1.8to2.x/utils/error_rate.py create mode 100644 examples/transv1.8to2.x/utils/tests/test_error_rate.py create mode 100644 examples/transv1.8to2.x/utils/utility.py create mode 100644 examples/transv1.8to2.x/utils/utility.sh diff --git a/examples/transv1.8to2.x/data/aishell/aishell.py b/examples/transv1.8to2.x/data/aishell/aishell.py new file mode 100644 index 000000000..348b04603 --- /dev/null +++ b/examples/transv1.8to2.x/data/aishell/aishell.py @@ -0,0 +1,123 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Prepare Aishell mandarin dataset + +Download, unpack and create manifest files. +Manifest file is a json-format file with each line containing the +meta data (i.e. audio filepath, transcript and audio duration) +of each audio file in the data set. +""" +import argparse +import codecs +import json +import os + +import soundfile +from data_utils.utility import download +from data_utils.utility import unpack + +DATA_HOME = os.path.expanduser('~/.cache/paddle/dataset/speech') + +URL_ROOT = 'http://www.openslr.org/resources/33' +URL_ROOT = 'https://openslr.magicdatatech.com/resources/33' +DATA_URL = URL_ROOT + '/data_aishell.tgz' +MD5_DATA = '2f494334227864a8a8fec932999db9d8' + +parser = argparse.ArgumentParser(description=__doc__) +parser.add_argument( + "--target_dir", + default=DATA_HOME + "/Aishell", + type=str, + help="Directory to save the dataset. (default: %(default)s)") +parser.add_argument( + "--manifest_prefix", + default="manifest", + type=str, + help="Filepath prefix for output manifests. (default: %(default)s)") +args = parser.parse_args() + + +def create_manifest(data_dir, manifest_path_prefix): + print("Creating manifest %s ..." % manifest_path_prefix) + json_lines = [] + transcript_path = os.path.join(data_dir, 'transcript', + 'aishell_transcript_v0.8.txt') + transcript_dict = {} + for line in codecs.open(transcript_path, 'r', 'utf-8'): + line = line.strip() + if line == '': + continue + audio_id, text = line.split(' ', 1) + # remove withespace + text = ''.join(text.split()) + transcript_dict[audio_id] = text + + data_types = ['train', 'dev', 'test'] + for type in data_types: + del json_lines[:] + audio_dir = os.path.join(data_dir, 'wav', type) + for subfolder, _, filelist in sorted(os.walk(audio_dir)): + for fname in filelist: + audio_path = os.path.join(subfolder, fname) + audio_id = fname[:-4] + # if no transcription for audio then skipped + if audio_id not in transcript_dict: + continue + audio_data, samplerate = soundfile.read(audio_path) + duration = float(len(audio_data) / samplerate) + text = transcript_dict[audio_id] + json_lines.append( + json.dumps( + { + 'audio_filepath': audio_path, + 'duration': duration, + 'text': text + }, + ensure_ascii=False)) + manifest_path = manifest_path_prefix + '.' + type + with codecs.open(manifest_path, 'w', 'utf-8') as fout: + for line in json_lines: + fout.write(line + '\n') + + +def prepare_dataset(url, md5sum, target_dir, manifest_path): + """Download, unpack and create manifest file.""" + data_dir = os.path.join(target_dir, 'data_aishell') + if not os.path.exists(data_dir): + filepath = download(url, md5sum, target_dir) + unpack(filepath, target_dir) + # unpack all audio tar files + audio_dir = os.path.join(data_dir, 'wav') + for subfolder, _, filelist in sorted(os.walk(audio_dir)): + for ftar in filelist: + unpack(os.path.join(subfolder, ftar), subfolder, True) + else: + print("Skip downloading and unpacking. Data already exists in %s." % + target_dir) + create_manifest(data_dir, manifest_path) + + +def main(): + if args.target_dir.startswith('~'): + args.target_dir = os.path.expanduser(args.target_dir) + + prepare_dataset( + url=DATA_URL, + md5sum=MD5_DATA, + target_dir=args.target_dir, + manifest_path=args.manifest_prefix) + + +if __name__ == '__main__': + main() diff --git a/examples/transv1.8to2.x/data/librispeech/librispeech.py b/examples/transv1.8to2.x/data/librispeech/librispeech.py new file mode 100644 index 000000000..2db37a323 --- /dev/null +++ b/examples/transv1.8to2.x/data/librispeech/librispeech.py @@ -0,0 +1,159 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Prepare Librispeech ASR datasets. + +Download, unpack and create manifest files. +Manifest file is a json-format file with each line containing the +meta data (i.e. audio filepath, transcript and audio duration) +of each audio file in the data set. +""" +import argparse +import codecs +import distutils.util +import io +import json +import os + +import soundfile +from data_utils.utility import download +from data_utils.utility import unpack + +URL_ROOT = "http://www.openslr.org/resources/12" +URL_ROOT = "https://openslr.magicdatatech.com/resources/12" +URL_TEST_CLEAN = URL_ROOT + "/test-clean.tar.gz" +URL_TEST_OTHER = URL_ROOT + "/test-other.tar.gz" +URL_DEV_CLEAN = URL_ROOT + "/dev-clean.tar.gz" +URL_DEV_OTHER = URL_ROOT + "/dev-other.tar.gz" +URL_TRAIN_CLEAN_100 = URL_ROOT + "/train-clean-100.tar.gz" +URL_TRAIN_CLEAN_360 = URL_ROOT + "/train-clean-360.tar.gz" +URL_TRAIN_OTHER_500 = URL_ROOT + "/train-other-500.tar.gz" + +MD5_TEST_CLEAN = "32fa31d27d2e1cad72775fee3f4849a9" +MD5_TEST_OTHER = "fb5a50374b501bb3bac4815ee91d3135" +MD5_DEV_CLEAN = "42e2234ba48799c1f50f24a7926300a1" +MD5_DEV_OTHER = "c8d0bcc9cca99d4f8b62fcc847357931" +MD5_TRAIN_CLEAN_100 = "2a93770f6d5c6c964bc36631d331a522" +MD5_TRAIN_CLEAN_360 = "c0e676e450a7ff2f54aeade5171606fa" +MD5_TRAIN_OTHER_500 = "d1a0fd59409feb2c614ce4d30c387708" + +parser = argparse.ArgumentParser(description=__doc__) +parser.add_argument( + "--target_dir", + default='~/.cache/paddle/dataset/speech/libri', + type=str, + help="Directory to save the dataset. (default: %(default)s)") +parser.add_argument( + "--manifest_prefix", + default="manifest", + type=str, + help="Filepath prefix for output manifests. (default: %(default)s)") +parser.add_argument( + "--full_download", + default="True", + type=distutils.util.strtobool, + help="Download all datasets for Librispeech." + " If False, only download a minimal requirement (test-clean, dev-clean" + " train-clean-100). (default: %(default)s)") +args = parser.parse_args() + + +def create_manifest(data_dir, manifest_path): + """Create a manifest json file summarizing the data set, with each line + containing the meta data (i.e. audio filepath, transcription text, audio + duration) of each audio file within the data set. + """ + print("Creating manifest %s ..." % manifest_path) + json_lines = [] + for subfolder, _, filelist in sorted(os.walk(data_dir)): + text_filelist = [ + filename for filename in filelist if filename.endswith('trans.txt') + ] + if len(text_filelist) > 0: + text_filepath = os.path.join(subfolder, text_filelist[0]) + for line in io.open(text_filepath, encoding="utf8"): + segments = line.strip().split() + text = ' '.join(segments[1:]).lower() + audio_filepath = os.path.join(subfolder, segments[0] + '.flac') + audio_data, samplerate = soundfile.read(audio_filepath) + duration = float(len(audio_data)) / samplerate + json_lines.append( + json.dumps({ + 'audio_filepath': audio_filepath, + 'duration': duration, + 'text': text + })) + with codecs.open(manifest_path, 'w', 'utf-8') as out_file: + for line in json_lines: + out_file.write(line + '\n') + + +def prepare_dataset(url, md5sum, target_dir, manifest_path): + """Download, unpack and create summmary manifest file. + """ + if not os.path.exists(os.path.join(target_dir, "LibriSpeech")): + # download + filepath = download(url, md5sum, target_dir) + # unpack + unpack(filepath, target_dir) + else: + print("Skip downloading and unpacking. Data already exists in %s." % + target_dir) + # create manifest json file + create_manifest(target_dir, manifest_path) + + +def main(): + if args.target_dir.startswith('~'): + args.target_dir = os.path.expanduser(args.target_dir) + + prepare_dataset( + url=URL_TEST_CLEAN, + md5sum=MD5_TEST_CLEAN, + target_dir=os.path.join(args.target_dir, "test-clean"), + manifest_path=args.manifest_prefix + ".test-clean") + prepare_dataset( + url=URL_DEV_CLEAN, + md5sum=MD5_DEV_CLEAN, + target_dir=os.path.join(args.target_dir, "dev-clean"), + manifest_path=args.manifest_prefix + ".dev-clean") + if args.full_download: + prepare_dataset( + url=URL_TRAIN_CLEAN_100, + md5sum=MD5_TRAIN_CLEAN_100, + target_dir=os.path.join(args.target_dir, "train-clean-100"), + manifest_path=args.manifest_prefix + ".train-clean-100") + prepare_dataset( + url=URL_TEST_OTHER, + md5sum=MD5_TEST_OTHER, + target_dir=os.path.join(args.target_dir, "test-other"), + manifest_path=args.manifest_prefix + ".test-other") + prepare_dataset( + url=URL_DEV_OTHER, + md5sum=MD5_DEV_OTHER, + target_dir=os.path.join(args.target_dir, "dev-other"), + manifest_path=args.manifest_prefix + ".dev-other") + prepare_dataset( + url=URL_TRAIN_CLEAN_360, + md5sum=MD5_TRAIN_CLEAN_360, + target_dir=os.path.join(args.target_dir, "train-clean-360"), + manifest_path=args.manifest_prefix + ".train-clean-360") + prepare_dataset( + url=URL_TRAIN_OTHER_500, + md5sum=MD5_TRAIN_OTHER_500, + target_dir=os.path.join(args.target_dir, "train-other-500"), + manifest_path=args.manifest_prefix + ".train-other-500") + + +if __name__ == '__main__': + main() diff --git a/examples/transv1.8to2.x/data/noise/chime3_background.py b/examples/transv1.8to2.x/data/noise/chime3_background.py new file mode 100644 index 000000000..78187b1fb --- /dev/null +++ b/examples/transv1.8to2.x/data/noise/chime3_background.py @@ -0,0 +1,139 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Prepare CHiME3 background data. + +Download, unpack and create manifest files. +Manifest file is a json-format file with each line containing the +meta data (i.e. audio filepath, transcript and audio duration) +of each audio file in the data set. +""" +import argparse +import io +import json +import os +import zipfile + +import soundfile +import wget +from paddle.v2.dataset.common import md5file + +DATA_HOME = os.path.expanduser('~/.cache/paddle/dataset/speech') + +URL = "https://d4s.myairbridge.com/packagev2/AG0Y3DNBE5IWRRTV/?dlid=W19XG7T0NNHB027139H0EQ" +MD5 = "c3ff512618d7a67d4f85566ea1bc39ec" + +parser = argparse.ArgumentParser(description=__doc__) +parser.add_argument( + "--target_dir", + default=DATA_HOME + "/chime3_background", + type=str, + help="Directory to save the dataset. (default: %(default)s)") +parser.add_argument( + "--manifest_filepath", + default="manifest.chime3.background", + type=str, + help="Filepath for output manifests. (default: %(default)s)") +args = parser.parse_args() + + +def download(url, md5sum, target_dir, filename=None): + """Download file from url to target_dir, and check md5sum.""" + if filename is None: + filename = url.split("/")[-1] + if not os.path.exists(target_dir): + os.makedirs(target_dir) + filepath = os.path.join(target_dir, filename) + if not (os.path.exists(filepath) and md5file(filepath) == md5sum): + print("Downloading %s ..." % url) + wget.download(url, target_dir) + print("\nMD5 Chesksum %s ..." % filepath) + if not md5file(filepath) == md5sum: + raise RuntimeError("MD5 checksum failed.") + else: + print("File exists, skip downloading. (%s)" % filepath) + return filepath + + +def unpack(filepath, target_dir): + """Unpack the file to the target_dir.""" + print("Unpacking %s ..." % filepath) + if filepath.endswith('.zip'): + zip = zipfile.ZipFile(filepath, 'r') + zip.extractall(target_dir) + zip.close() + elif filepath.endswith('.tar') or filepath.endswith('.tar.gz'): + tar = zipfile.open(filepath) + tar.extractall(target_dir) + tar.close() + else: + raise ValueError("File format is not supported for unpacking.") + + +def create_manifest(data_dir, manifest_path): + """Create a manifest json file summarizing the data set, with each line + containing the meta data (i.e. audio filepath, transcription text, audio + duration) of each audio file within the data set. + """ + print("Creating manifest %s ..." % manifest_path) + json_lines = [] + for subfolder, _, filelist in sorted(os.walk(data_dir)): + for filename in filelist: + if filename.endswith('.wav'): + filepath = os.path.join(data_dir, subfolder, filename) + audio_data, samplerate = soundfile.read(filepath) + duration = float(len(audio_data)) / samplerate + json_lines.append( + json.dumps({ + 'audio_filepath': filepath, + 'duration': duration, + 'text': '' + })) + with io.open(manifest_path, mode='w', encoding='utf8') as out_file: + for line in json_lines: + out_file.write(line + '\n') + + +def prepare_chime3(url, md5sum, target_dir, manifest_path): + """Download, unpack and create summmary manifest file.""" + if not os.path.exists(os.path.join(target_dir, "CHiME3")): + # download + filepath = download(url, md5sum, target_dir, + "myairbridge-AG0Y3DNBE5IWRRTV.zip") + # unpack + unpack(filepath, target_dir) + unpack( + os.path.join(target_dir, 'CHiME3_background_bus.zip'), target_dir) + unpack( + os.path.join(target_dir, 'CHiME3_background_caf.zip'), target_dir) + unpack( + os.path.join(target_dir, 'CHiME3_background_ped.zip'), target_dir) + unpack( + os.path.join(target_dir, 'CHiME3_background_str.zip'), target_dir) + else: + print("Skip downloading and unpacking. Data already exists in %s." % + target_dir) + # create manifest json file + create_manifest(target_dir, manifest_path) + + +def main(): + prepare_chime3( + url=URL, + md5sum=MD5, + target_dir=args.target_dir, + manifest_path=args.manifest_filepath) + + +if __name__ == '__main__': + main() diff --git a/examples/transv1.8to2.x/data/voxforge/run_data.sh b/examples/transv1.8to2.x/data/voxforge/run_data.sh new file mode 100644 index 000000000..0276744ae --- /dev/null +++ b/examples/transv1.8to2.x/data/voxforge/run_data.sh @@ -0,0 +1,16 @@ +#! /usr/bin/env bash + +# download data, generate manifests +PYTHONPATH=../../:$PYTHONPATH python voxforge.py \ +--manifest_prefix='./manifest' \ +--target_dir='./dataset/VoxForge' \ +--is_merge_dialect=True \ +--dialects 'american' 'british' 'australian' 'european' 'irish' 'canadian' 'indian' + +if [ $? -ne 0 ]; then + echo "Prepare VoxForge failed. Terminated." + exit 1 +fi + +echo "VoxForge Data preparation done." +exit 0 diff --git a/examples/transv1.8to2.x/data/voxforge/voxforge.py b/examples/transv1.8to2.x/data/voxforge/voxforge.py new file mode 100644 index 000000000..7d90b3c69 --- /dev/null +++ b/examples/transv1.8to2.x/data/voxforge/voxforge.py @@ -0,0 +1,234 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Prepare VoxForge dataset + +Download, unpack and create manifest files. +Manifest file is a json-format file with each line containing the +meta data (i.e. audio filepath, transcript and audio duration) +of each audio file in the data set. +""" +import argparse +import codecs +import datetime +import json +import os +import shutil +import subprocess + +import soundfile +from data_utils.utility import download_multi +from data_utils.utility import getfile_insensitive +from data_utils.utility import unpack + +DATA_HOME = './dataset' + +DATA_URL = 'http://www.repository.voxforge1.org/downloads/SpeechCorpus/Trunk/' \ + 'Audio/Main/16kHz_16bit' + +parser = argparse.ArgumentParser(description=__doc__) +parser.add_argument( + "--target_dir", + default=DATA_HOME + "/VoxForge", + type=str, + help="Directory to save the dataset. (default: %(default)s)") +parser.add_argument( + "--dialects", + default=[ + 'american', 'british', 'australian', 'european', 'irish', 'canadian', + 'indian' + ], + nargs='+', + type=str, + help="Dialect types. (default: %(default)s)") +parser.add_argument( + "--is_merge_dialect", + default=True, + type=bool, + help="If set True, manifests of american dialect and canadian dialect will " + "be merged to american-canadian dialect; manifests of british " + "dialect, irish dialect and australian dialect will be merged to " + "commonwealth dialect. (default: %(default)s)") +parser.add_argument( + "--manifest_prefix", + default="manifest", + type=str, + help="Filepath prefix for output manifests. (default: %(default)s)") +args = parser.parse_args() + + +def download_and_unpack(target_dir, url): + wget_args = '-q -l 1 -N -nd -c -e robots=off -A tgz -r -np' + tgz_dir = os.path.join(target_dir, 'tgz') + exit_code = download_multi(url, tgz_dir, wget_args) + if exit_code != 0: + print('Download tgz audio files failed with exit code %d.' % exit_code) + else: + print('Download done, start unpacking ...') + audio_dir = os.path.join(target_dir, 'audio') + for root, dirs, files in os.walk(tgz_dir): + for file in files: + print(file) + if file.endswith('.tgz'): + unpack(os.path.join(root, file), audio_dir) + + +def select_dialects(target_dir, dialect_list): + """Classify audio files by dialect.""" + dialect_root_dir = os.path.join(target_dir, 'dialect') + if os.path.exists(dialect_root_dir): + shutil.rmtree(dialect_root_dir) + os.mkdir(dialect_root_dir) + audio_dir = os.path.abspath(os.path.join(target_dir, 'audio')) + for dialect in dialect_list: + # filter files by dialect + command = 'find %s -iwholename "*etc/readme*" -exec egrep -iHl \ + "pronunciation dialect.*%s" {} \;' % (audio_dir, dialect) + p = subprocess.Popen( + command, stdin=subprocess.PIPE, stdout=subprocess.PIPE, shell=True) + output, err = p.communicate() + dialect_dir = os.path.join(dialect_root_dir, dialect) + if os.path.exists(dialect_dir): + shutil.rmtree(dialect_dir) + os.mkdir(dialect_dir) + for path in output.splitlines(): + src_dir = os.path.dirname(os.path.dirname(path)) + link = os.path.basename(os.path.normpath(src_dir)) + os.symlink(src_dir, os.path.join(dialect_dir, link)) + + +def generate_manifest(data_dir, manifest_path): + json_lines = [] + + for path in os.listdir(data_dir): + audio_link = os.path.join(data_dir, path) + assert os.path.islink( + audio_link), '%s should be symbolic link.' % audio_link + actual_audio_dir = os.path.abspath(os.readlink(audio_link)) + + audio_type = '' + if os.path.isdir(os.path.join(actual_audio_dir, 'wav')): + audio_type = 'wav' + elif os.path.isdir(os.path.join(actual_audio_dir, 'flac')): + audio_type = 'flac' + else: + print('Unknown audio type, skipped processing %s.' % + actual_audio_dir) + continue + + etc_dir = os.path.join(actual_audio_dir, 'etc') + prompts_file = os.path.join(etc_dir, 'PROMPTS') + if not os.path.isfile(prompts_file): + print('PROMPTS file missing, skip processing %s.' % + actual_audio_dir) + continue + + readme_file = getfile_insensitive(os.path.join(etc_dir, 'README')) + if readme_file is None: + print('README file missing, skip processing %s.' % actual_audio_dir) + continue + + for line in file(prompts_file): + u, trans = line.strip().split(None, 1) + u_parts = u.split('/') + + # try to format the date time + try: + speaker, date, sfx = u_parts[-3].split('-') + obj = datetime.datetime.strptime(date, '%y.%m.%d') + formatted = obj.strftime('%Y%m%d') + u_parts[-3] = '-'.join([speaker, formatted, sfx]) + except Exception as e: + pass + + if len(u_parts) < 2: + u_parts = [audio_type] + u_parts + u_parts[-2] = audio_type + u_parts[-1] += '.' + audio_type + u = os.path.join(actual_audio_dir, '/'.join(u_parts[-2:])) + + if not os.path.isfile(u): + print('Audio file missing, skip processing %s.' % u) + continue + + if os.stat(u).st_size == 0: + print('Empty audio file, skip processing %s.' % u) + continue + + trans = trans.strip().replace('-', ' ') + if not trans.isupper() or \ + not trans.strip().replace(' ', '').replace("'", "").isalpha(): + print("Transcript not normalized properly, skip processing %s." + % u) + continue + + audio_data, samplerate = soundfile.read(u) + duration = float(len(audio_data)) / samplerate + json_lines.append( + json.dumps({ + 'audio_filepath': u, + 'duration': duration, + 'text': trans.lower() + })) + + with codecs.open(manifest_path, 'w', 'utf-8') as fout: + for line in json_lines: + fout.write(line + '\n') + + +def merge_manifests(manifest_files, save_path): + lines = [] + for manifest_file in manifest_files: + line = codecs.open(manifest_file, 'r', 'utf-8').readlines() + lines += line + + with codecs.open(save_path, 'w', 'utf-8') as fout: + for line in lines: + fout.write(line) + + +def prepare_dataset(url, dialects, target_dir, manifest_prefix, is_merge): + download_and_unpack(target_dir, url) + select_dialects(target_dir, dialects) + american_canadian_manifests = [] + commonwealth_manifests = [] + for dialect in dialects: + dialect_dir = os.path.join(target_dir, 'dialect', dialect) + manifest_fpath = manifest_prefix + '.' + dialect + if dialect == 'american' or dialect == 'canadian': + american_canadian_manifests.append(manifest_fpath) + if dialect == 'australian' \ + or dialect == 'british' \ + or dialect == 'irish': + commonwealth_manifests.append(manifest_fpath) + generate_manifest(dialect_dir, manifest_fpath) + + if is_merge: + if len(american_canadian_manifests) > 0: + manifest_fpath = manifest_prefix + '.american-canadian' + merge_manifests(american_canadian_manifests, manifest_fpath) + if len(commonwealth_manifests) > 0: + manifest_fpath = manifest_prefix + '.commonwealth' + merge_manifests(commonwealth_manifests, manifest_fpath) + + +def main(): + if args.target_dir.startswith('~'): + args.target_dir = os.path.expanduser(args.target_dir) + + prepare_dataset(DATA_URL, args.dialects, args.target_dir, + args.manifest_prefix, args.is_merge_dialect) + + +if __name__ == '__main__': + main() diff --git a/examples/transv1.8to2.x/data_utils/__init__.py b/examples/transv1.8to2.x/data_utils/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/data_utils/audio.py b/examples/transv1.8to2.x/data_utils/audio.py new file mode 100644 index 000000000..f4b5ac07f --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/audio.py @@ -0,0 +1,695 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the audio segment class.""" +import copy +import io +import random +import re +import struct + +import numpy as np +import resampy +import soundfile +from scipy import signal + + +class AudioSegment(object): + """Monaural audio segment abstraction. + + :param samples: Audio samples [num_samples x num_channels]. + :type samples: ndarray.float32 + :param sample_rate: Audio sample rate. + :type sample_rate: int + :raises TypeError: If the sample data type is not float or int. + """ + + def __init__(self, samples, sample_rate): + """Create audio segment from samples. + + Samples are convert float32 internally, with int scaled to [-1, 1]. + """ + self._samples = self._convert_samples_to_float32(samples) + self._sample_rate = sample_rate + if self._samples.ndim >= 2: + self._samples = np.mean(self._samples, 1) + + def __eq__(self, other): + """Return whether two objects are equal.""" + if type(other) is not type(self): + return False + if self._sample_rate != other._sample_rate: + return False + if self._samples.shape != other._samples.shape: + return False + if np.any(self.samples != other._samples): + return False + return True + + def __ne__(self, other): + """Return whether two objects are unequal.""" + return not self.__eq__(other) + + def __str__(self): + """Return human-readable representation of segment.""" + return ("%s: num_samples=%d, sample_rate=%d, duration=%.2fsec, " + "rms=%.2fdB" % (type(self), self.num_samples, self.sample_rate, + self.duration, self.rms_db)) + + @classmethod + def from_file(cls, file): + """Create audio segment from audio file. + + :param filepath: Filepath or file object to audio file. + :type filepath: str|file + :return: Audio segment instance. + :rtype: AudioSegment + """ + if isinstance(file, str) and re.findall(r".seqbin_\d+$", file): + return cls.from_sequence_file(file) + else: + samples, sample_rate = soundfile.read(file, dtype='float32') + return cls(samples, sample_rate) + + @classmethod + def slice_from_file(cls, file, start=None, end=None): + """Loads a small section of an audio without having to load + the entire file into the memory which can be incredibly wasteful. + + :param file: Input audio filepath or file object. + :type file: str|file + :param start: Start time in seconds. If start is negative, it wraps + around from the end. If not provided, this function + reads from the very beginning. + :type start: float + :param end: End time in seconds. If end is negative, it wraps around + from the end. If not provided, the default behvaior is + to read to the end of the file. + :type end: float + :return: AudioSegment instance of the specified slice of the input + audio file. + :rtype: AudioSegment + :raise ValueError: If start or end is incorrectly set, e.g. out of + bounds in time. + """ + sndfile = soundfile.SoundFile(file) + sample_rate = sndfile.samplerate + duration = float(len(sndfile)) / sample_rate + start = 0. if start is None else start + end = duration if end is None else end + if start < 0.0: + start += duration + if end < 0.0: + end += duration + if start < 0.0: + raise ValueError("The slice start position (%f s) is out of " + "bounds." % start) + if end < 0.0: + raise ValueError("The slice end position (%f s) is out of bounds." % + end) + if start > end: + raise ValueError("The slice start position (%f s) is later than " + "the slice end position (%f s)." % (start, end)) + if end > duration: + raise ValueError("The slice end position (%f s) is out of bounds " + "(> %f s)" % (end, duration)) + start_frame = int(start * sample_rate) + end_frame = int(end * sample_rate) + sndfile.seek(start_frame) + data = sndfile.read(frames=end_frame - start_frame, dtype='float32') + return cls(data, sample_rate) + + @classmethod + def from_sequence_file(cls, filepath): + """Create audio segment from sequence file. Sequence file is a binary + file containing a collection of multiple audio files, with several + header bytes in the head indicating the offsets of each audio byte data + chunk. + + The format is: + + 4 bytes (int, version), + 4 bytes (int, num of utterance), + 4 bytes (int, bytes per header), + [bytes_per_header*(num_utterance+1)] bytes (offsets for each audio), + audio_bytes_data_of_1st_utterance, + audio_bytes_data_of_2nd_utterance, + ...... + + Sequence file name must end with ".seqbin". And the filename of the 5th + utterance's audio file in sequence file "xxx.seqbin" must be + "xxx.seqbin_5", with "5" indicating the utterance index within this + sequence file (starting from 1). + + :param filepath: Filepath of sequence file. + :type filepath: str + :return: Audio segment instance. + :rtype: AudioSegment + """ + # parse filepath + matches = re.match(r"(.+\.seqbin)_(\d+)", filepath) + if matches is None: + raise IOError("File type of %s is not supported" % filepath) + filename = matches.group(1) + fileno = int(matches.group(2)) + + # read headers + f = io.open(filename, mode='rb', encoding='utf8') + version = f.read(4) + num_utterances = struct.unpack("i", f.read(4))[0] + bytes_per_header = struct.unpack("i", f.read(4))[0] + header_bytes = f.read(bytes_per_header * (num_utterances + 1)) + header = [ + struct.unpack("i", header_bytes[bytes_per_header * i: + bytes_per_header * (i + 1)])[0] + for i in range(num_utterances + 1) + ] + + # read audio bytes + f.seek(header[fileno - 1]) + audio_bytes = f.read(header[fileno] - header[fileno - 1]) + f.close() + + # create audio segment + try: + return cls.from_bytes(audio_bytes) + except Exception as e: + samples = np.frombuffer(audio_bytes, dtype='int16') + return cls(samples=samples, sample_rate=8000) + + @classmethod + def from_bytes(cls, bytes): + """Create audio segment from a byte string containing audio samples. + + :param bytes: Byte string containing audio samples. + :type bytes: str + :return: Audio segment instance. + :rtype: AudioSegment + """ + samples, sample_rate = soundfile.read( + io.BytesIO(bytes), dtype='float32') + return cls(samples, sample_rate) + + @classmethod + def concatenate(cls, *segments): + """Concatenate an arbitrary number of audio segments together. + + :param *segments: Input audio segments to be concatenated. + :type *segments: tuple of AudioSegment + :return: Audio segment instance as concatenating results. + :rtype: AudioSegment + :raises ValueError: If the number of segments is zero, or if the + sample_rate of any segments does not match. + :raises TypeError: If any segment is not AudioSegment instance. + """ + # Perform basic sanity-checks. + if len(segments) == 0: + raise ValueError("No audio segments are given to concatenate.") + sample_rate = segments[0]._sample_rate + for seg in segments: + if sample_rate != seg._sample_rate: + raise ValueError("Can't concatenate segments with " + "different sample rates") + if type(seg) is not cls: + raise TypeError("Only audio segments of the same type " + "can be concatenated.") + samples = np.concatenate([seg.samples for seg in segments]) + return cls(samples, sample_rate) + + @classmethod + def make_silence(cls, duration, sample_rate): + """Creates a silent audio segment of the given duration and sample rate. + + :param duration: Length of silence in seconds. + :type duration: float + :param sample_rate: Sample rate. + :type sample_rate: float + :return: Silent AudioSegment instance of the given duration. + :rtype: AudioSegment + """ + samples = np.zeros(int(duration * sample_rate)) + return cls(samples, sample_rate) + + def to_wav_file(self, filepath, dtype='float32'): + """Save audio segment to disk as wav file. + + :param filepath: WAV filepath or file object to save the + audio segment. + :type filepath: str|file + :param dtype: Subtype for audio file. Options: 'int16', 'int32', + 'float32', 'float64'. Default is 'float32'. + :type dtype: str + :raises TypeError: If dtype is not supported. + """ + samples = self._convert_samples_from_float32(self._samples, dtype) + subtype_map = { + 'int16': 'PCM_16', + 'int32': 'PCM_32', + 'float32': 'FLOAT', + 'float64': 'DOUBLE' + } + soundfile.write( + filepath, + samples, + self._sample_rate, + format='WAV', + subtype=subtype_map[dtype]) + + def superimpose(self, other): + """Add samples from another segment to those of this segment + (sample-wise addition, not segment concatenation). + + Note that this is an in-place transformation. + + :param other: Segment containing samples to be added in. + :type other: AudioSegments + :raise TypeError: If type of two segments don't match. + :raise ValueError: If the sample rates of the two segments are not + equal, or if the lengths of segments don't match. + """ + if isinstance(other, type(self)): + raise TypeError("Cannot add segments of different types: %s " + "and %s." % (type(self), type(other))) + if self._sample_rate != other._sample_rate: + raise ValueError("Sample rates must match to add segments.") + if len(self._samples) != len(other._samples): + raise ValueError("Segment lengths must match to add segments.") + self._samples += other._samples + + def to_bytes(self, dtype='float32'): + """Create a byte string containing the audio content. + + :param dtype: Data type for export samples. Options: 'int16', 'int32', + 'float32', 'float64'. Default is 'float32'. + :type dtype: str + :return: Byte string containing audio content. + :rtype: str + """ + samples = self._convert_samples_from_float32(self._samples, dtype) + return samples.tostring() + + def gain_db(self, gain): + """Apply gain in decibels to samples. + + Note that this is an in-place transformation. + + :param gain: Gain in decibels to apply to samples. + :type gain: float|1darray + """ + self._samples *= 10.**(gain / 20.) + + def change_speed(self, speed_rate): + """Change the audio speed by linear interpolation. + + Note that this is an in-place transformation. + + :param speed_rate: Rate of speed change: + speed_rate > 1.0, speed up the audio; + speed_rate = 1.0, unchanged; + speed_rate < 1.0, slow down the audio; + speed_rate <= 0.0, not allowed, raise ValueError. + :type speed_rate: float + :raises ValueError: If speed_rate <= 0.0. + """ + if speed_rate <= 0: + raise ValueError("speed_rate should be greater than zero.") + old_length = self._samples.shape[0] + new_length = int(old_length / speed_rate) + old_indices = np.arange(old_length) + new_indices = np.linspace(start=0, stop=old_length, num=new_length) + self._samples = np.interp(new_indices, old_indices, self._samples) + + def normalize(self, target_db=-20, max_gain_db=300.0): + """Normalize audio to be of the desired RMS value in decibels. + + Note that this is an in-place transformation. + + :param target_db: Target RMS value in decibels. This value should be + less than 0.0 as 0.0 is full-scale audio. + :type target_db: float + :param max_gain_db: Max amount of gain in dB that can be applied for + normalization. This is to prevent nans when + attempting to normalize a signal consisting of + all zeros. + :type max_gain_db: float + :raises ValueError: If the required gain to normalize the segment to + the target_db value exceeds max_gain_db. + """ + gain = target_db - self.rms_db + if gain > max_gain_db: + raise ValueError( + "Unable to normalize segment to %f dB because the " + "the probable gain have exceeds max_gain_db (%f dB)" % + (target_db, max_gain_db)) + self.gain_db(min(max_gain_db, target_db - self.rms_db)) + + def normalize_online_bayesian(self, + target_db, + prior_db, + prior_samples, + startup_delay=0.0): + """Normalize audio using a production-compatible online/causal + algorithm. This uses an exponential likelihood and gamma prior to + make online estimates of the RMS even when there are very few samples. + + Note that this is an in-place transformation. + + :param target_db: Target RMS value in decibels. + :type target_bd: float + :param prior_db: Prior RMS estimate in decibels. + :type prior_db: float + :param prior_samples: Prior strength in number of samples. + :type prior_samples: float + :param startup_delay: Default 0.0s. If provided, this function will + accrue statistics for the first startup_delay + seconds before applying online normalization. + :type startup_delay: float + """ + # Estimate total RMS online. + startup_sample_idx = min(self.num_samples - 1, + int(self.sample_rate * startup_delay)) + prior_mean_squared = 10.**(prior_db / 10.) + prior_sum_of_squares = prior_mean_squared * prior_samples + cumsum_of_squares = np.cumsum(self.samples**2) + sample_count = np.arange(self.num_samples) + 1 + if startup_sample_idx > 0: + cumsum_of_squares[:startup_sample_idx] = \ + cumsum_of_squares[startup_sample_idx] + sample_count[:startup_sample_idx] = \ + sample_count[startup_sample_idx] + mean_squared_estimate = ((cumsum_of_squares + prior_sum_of_squares) / + (sample_count + prior_samples)) + rms_estimate_db = 10 * np.log10(mean_squared_estimate) + # Compute required time-varying gain. + gain_db = target_db - rms_estimate_db + self.gain_db(gain_db) + + def resample(self, target_sample_rate, filter='kaiser_best'): + """Resample the audio to a target sample rate. + + Note that this is an in-place transformation. + + :param target_sample_rate: Target sample rate. + :type target_sample_rate: int + :param filter: The resampling filter to use one of {'kaiser_best', + 'kaiser_fast'}. + :type filter: str + """ + self._samples = resampy.resample( + self.samples, self.sample_rate, target_sample_rate, filter=filter) + self._sample_rate = target_sample_rate + + def pad_silence(self, duration, sides='both'): + """Pad this audio sample with a period of silence. + + Note that this is an in-place transformation. + + :param duration: Length of silence in seconds to pad. + :type duration: float + :param sides: Position for padding: + 'beginning' - adds silence in the beginning; + 'end' - adds silence in the end; + 'both' - adds silence in both the beginning and the end. + :type sides: str + :raises ValueError: If sides is not supported. + """ + if duration == 0.0: + return self + cls = type(self) + silence = self.make_silence(duration, self._sample_rate) + if sides == "beginning": + padded = cls.concatenate(silence, self) + elif sides == "end": + padded = cls.concatenate(self, silence) + elif sides == "both": + padded = cls.concatenate(silence, self, silence) + else: + raise ValueError("Unknown value for the sides %s" % sides) + self._samples = padded._samples + + def shift(self, shift_ms): + """Shift the audio in time. If `shift_ms` is positive, shift with time + advance; if negative, shift with time delay. Silence are padded to + keep the duration unchanged. + + Note that this is an in-place transformation. + + :param shift_ms: Shift time in millseconds. If positive, shift with + time advance; if negative; shift with time delay. + :type shift_ms: float + :raises ValueError: If shift_ms is longer than audio duration. + """ + if abs(shift_ms) / 1000.0 > self.duration: + raise ValueError("Absolute value of shift_ms should be smaller " + "than audio duration.") + shift_samples = int(shift_ms * self._sample_rate / 1000) + if shift_samples > 0: + # time advance + self._samples[:-shift_samples] = self._samples[shift_samples:] + self._samples[-shift_samples:] = 0 + elif shift_samples < 0: + # time delay + self._samples[-shift_samples:] = self._samples[:shift_samples] + self._samples[:-shift_samples] = 0 + + def subsegment(self, start_sec=None, end_sec=None): + """Cut the AudioSegment between given boundaries. + + Note that this is an in-place transformation. + + :param start_sec: Beginning of subsegment in seconds. + :type start_sec: float + :param end_sec: End of subsegment in seconds. + :type end_sec: float + :raise ValueError: If start_sec or end_sec is incorrectly set, e.g. out + of bounds in time. + """ + start_sec = 0.0 if start_sec is None else start_sec + end_sec = self.duration if end_sec is None else end_sec + if start_sec < 0.0: + start_sec = self.duration + start_sec + if end_sec < 0.0: + end_sec = self.duration + end_sec + if start_sec < 0.0: + raise ValueError("The slice start position (%f s) is out of " + "bounds." % start_sec) + if end_sec < 0.0: + raise ValueError("The slice end position (%f s) is out of bounds." % + end_sec) + if start_sec > end_sec: + raise ValueError("The slice start position (%f s) is later than " + "the end position (%f s)." % (start_sec, end_sec)) + if end_sec > self.duration: + raise ValueError("The slice end position (%f s) is out of bounds " + "(> %f s)" % (end_sec, self.duration)) + start_sample = int(round(start_sec * self._sample_rate)) + end_sample = int(round(end_sec * self._sample_rate)) + self._samples = self._samples[start_sample:end_sample] + + def random_subsegment(self, subsegment_length, rng=None): + """Cut the specified length of the audiosegment randomly. + + Note that this is an in-place transformation. + + :param subsegment_length: Subsegment length in seconds. + :type subsegment_length: float + :param rng: Random number generator state. + :type rng: random.Random + :raises ValueError: If the length of subsegment is greater than + the origineal segemnt. + """ + rng = random.Random() if rng is None else rng + if subsegment_length > self.duration: + raise ValueError("Length of subsegment must not be greater " + "than original segment.") + start_time = rng.uniform(0.0, self.duration - subsegment_length) + self.subsegment(start_time, start_time + subsegment_length) + + def convolve(self, impulse_segment, allow_resample=False): + """Convolve this audio segment with the given impulse segment. + + Note that this is an in-place transformation. + + :param impulse_segment: Impulse response segments. + :type impulse_segment: AudioSegment + :param allow_resample: Indicates whether resampling is allowed when + the impulse_segment has a different sample + rate from this signal. + :type allow_resample: bool + :raises ValueError: If the sample rate is not match between two + audio segments when resample is not allowed. + """ + if allow_resample and self.sample_rate != impulse_segment.sample_rate: + impulse_segment.resample(self.sample_rate) + if self.sample_rate != impulse_segment.sample_rate: + raise ValueError("Impulse segment's sample rate (%d Hz) is not " + "equal to base signal sample rate (%d Hz)." % + (impulse_segment.sample_rate, self.sample_rate)) + samples = signal.fftconvolve(self.samples, impulse_segment.samples, + "full") + self._samples = samples + + def convolve_and_normalize(self, impulse_segment, allow_resample=False): + """Convolve and normalize the resulting audio segment so that it + has the same average power as the input signal. + + Note that this is an in-place transformation. + + :param impulse_segment: Impulse response segments. + :type impulse_segment: AudioSegment + :param allow_resample: Indicates whether resampling is allowed when + the impulse_segment has a different sample + rate from this signal. + :type allow_resample: bool + """ + target_db = self.rms_db + self.convolve(impulse_segment, allow_resample=allow_resample) + self.normalize(target_db) + + def add_noise(self, + noise, + snr_dB, + allow_downsampling=False, + max_gain_db=300.0, + rng=None): + """Add the given noise segment at a specific signal-to-noise ratio. + If the noise segment is longer than this segment, a random subsegment + of matching length is sampled from it and used instead. + + Note that this is an in-place transformation. + + :param noise: Noise signal to add. + :type noise: AudioSegment + :param snr_dB: Signal-to-Noise Ratio, in decibels. + :type snr_dB: float + :param allow_downsampling: Whether to allow the noise signal to be + downsampled to match the base signal sample + rate. + :type allow_downsampling: bool + :param max_gain_db: Maximum amount of gain to apply to noise signal + before adding it in. This is to prevent attempting + to apply infinite gain to a zero signal. + :type max_gain_db: float + :param rng: Random number generator state. + :type rng: None|random.Random + :raises ValueError: If the sample rate does not match between the two + audio segments when downsampling is not allowed, or + if the duration of noise segments is shorter than + original audio segments. + """ + rng = random.Random() if rng is None else rng + if allow_downsampling and noise.sample_rate > self.sample_rate: + noise = noise.resample(self.sample_rate) + if noise.sample_rate != self.sample_rate: + raise ValueError("Noise sample rate (%d Hz) is not equal to base " + "signal sample rate (%d Hz)." % (noise.sample_rate, + self.sample_rate)) + if noise.duration < self.duration: + raise ValueError("Noise signal (%f sec) must be at least as long as" + " base signal (%f sec)." % + (noise.duration, self.duration)) + noise_gain_db = min(self.rms_db - noise.rms_db - snr_dB, max_gain_db) + noise_new = copy.deepcopy(noise) + noise_new.random_subsegment(self.duration, rng=rng) + noise_new.gain_db(noise_gain_db) + self.superimpose(noise_new) + + @property + def samples(self): + """Return audio samples. + + :return: Audio samples. + :rtype: ndarray + """ + return self._samples.copy() + + @property + def sample_rate(self): + """Return audio sample rate. + + :return: Audio sample rate. + :rtype: int + """ + return self._sample_rate + + @property + def num_samples(self): + """Return number of samples. + + :return: Number of samples. + :rtype: int + """ + return self._samples.shape[0] + + @property + def duration(self): + """Return audio duration. + + :return: Audio duration in seconds. + :rtype: float + """ + return self._samples.shape[0] / float(self._sample_rate) + + @property + def rms_db(self): + """Return root mean square energy of the audio in decibels. + + :return: Root mean square energy in decibels. + :rtype: float + """ + # square root => multiply by 10 instead of 20 for dBs + mean_square = np.mean(self._samples**2) + return 10 * np.log10(mean_square) + + def _convert_samples_to_float32(self, samples): + """Convert sample type to float32. + + Audio sample type is usually integer or float-point. + Integers will be scaled to [-1, 1] in float32. + """ + float32_samples = samples.astype('float32') + if samples.dtype in np.sctypes['int']: + bits = np.iinfo(samples.dtype).bits + float32_samples *= (1. / 2**(bits - 1)) + elif samples.dtype in np.sctypes['float']: + pass + else: + raise TypeError("Unsupported sample type: %s." % samples.dtype) + return float32_samples + + def _convert_samples_from_float32(self, samples, dtype): + """Convert sample type from float32 to dtype. + + Audio sample type is usually integer or float-point. For integer + type, float32 will be rescaled from [-1, 1] to the maximum range + supported by the integer type. + + This is for writing a audio file. + """ + dtype = np.dtype(dtype) + output_samples = samples.copy() + if dtype in np.sctypes['int']: + bits = np.iinfo(dtype).bits + output_samples *= (2**(bits - 1) / 1.) + min_val = np.iinfo(dtype).min + max_val = np.iinfo(dtype).max + output_samples[output_samples > max_val] = max_val + output_samples[output_samples < min_val] = min_val + elif samples.dtype in np.sctypes['float']: + min_val = np.finfo(dtype).min + max_val = np.finfo(dtype).max + output_samples[output_samples > max_val] = max_val + output_samples[output_samples < min_val] = min_val + else: + raise TypeError("Unsupported sample type: %s." % samples.dtype) + return output_samples.astype(dtype) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/__init__.py b/examples/transv1.8to2.x/data_utils/augmentor/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/data_utils/augmentor/augmentation.py b/examples/transv1.8to2.x/data_utils/augmentor/augmentation.py new file mode 100644 index 000000000..e43063cb5 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/augmentation.py @@ -0,0 +1,134 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the data augmentation pipeline.""" +import json +import random + +from data_utils.augmentor.impulse_response import ImpulseResponseAugmentor +from data_utils.augmentor.noise_perturb import NoisePerturbAugmentor +from data_utils.augmentor.online_bayesian_normalization import \ + OnlineBayesianNormalizationAugmentor +from data_utils.augmentor.resample import ResampleAugmentor +from data_utils.augmentor.shift_perturb import ShiftPerturbAugmentor +from data_utils.augmentor.speed_perturb import SpeedPerturbAugmentor +from data_utils.augmentor.volume_perturb import VolumePerturbAugmentor + + +class AugmentationPipeline(object): + """Build a pre-processing pipeline with various augmentation models.Such a + data augmentation pipeline is oftern leveraged to augment the training + samples to make the model invariant to certain types of perturbations in the + real world, improving model's generalization ability. + + The pipeline is built according the the augmentation configuration in json + string, e.g. + + .. code-block:: + + [ { + "type": "noise", + "params": {"min_snr_dB": 10, + "max_snr_dB": 20, + "noise_manifest_path": "datasets/manifest.noise"}, + "prob": 0.0 + }, + { + "type": "speed", + "params": {"min_speed_rate": 0.9, + "max_speed_rate": 1.1}, + "prob": 1.0 + }, + { + "type": "shift", + "params": {"min_shift_ms": -5, + "max_shift_ms": 5}, + "prob": 1.0 + }, + { + "type": "volume", + "params": {"min_gain_dBFS": -10, + "max_gain_dBFS": 10}, + "prob": 0.0 + }, + { + "type": "bayesian_normal", + "params": {"target_db": -20, + "prior_db": -20, + "prior_samples": 100}, + "prob": 0.0 + } + ] + + This augmentation configuration inserts two augmentation models + into the pipeline, with one is VolumePerturbAugmentor and the other + SpeedPerturbAugmentor. "prob" indicates the probability of the current + augmentor to take effect. If "prob" is zero, the augmentor does not take + effect. + + :param augmentation_config: Augmentation configuration in json string. + :type augmentation_config: str + :param random_seed: Random seed. + :type random_seed: int + :raises ValueError: If the augmentation json config is in incorrect format". + """ + + def __init__(self, augmentation_config, random_seed=0): + self._rng = random.Random(random_seed) + self._augmentors, self._rates = self._parse_pipeline_from( + augmentation_config) + + def transform_audio(self, audio_segment): + """Run the pre-processing pipeline for data augmentation. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to process. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + for augmentor, rate in zip(self._augmentors, self._rates): + if self._rng.uniform(0., 1.) < rate: + augmentor.transform_audio(audio_segment) + + def _parse_pipeline_from(self, config_json): + """Parse the config json to build a augmentation pipelien.""" + try: + configs = json.loads(config_json) + augmentors = [ + self._get_augmentor(config["type"], config["params"]) + for config in configs + ] + rates = [config["prob"] for config in configs] + except Exception as e: + raise ValueError("Failed to parse the augmentation config json: " + "%s" % str(e)) + return augmentors, rates + + def _get_augmentor(self, augmentor_type, params): + """Return an augmentation model by the type name, and pass in params.""" + if augmentor_type == "volume": + return VolumePerturbAugmentor(self._rng, **params) + elif augmentor_type == "shift": + return ShiftPerturbAugmentor(self._rng, **params) + elif augmentor_type == "speed": + return SpeedPerturbAugmentor(self._rng, **params) + elif augmentor_type == "resample": + return ResampleAugmentor(self._rng, **params) + elif augmentor_type == "bayesian_normal": + return OnlineBayesianNormalizationAugmentor(self._rng, **params) + elif augmentor_type == "noise": + return NoisePerturbAugmentor(self._rng, **params) + elif augmentor_type == "impulse": + return ImpulseResponseAugmentor(self._rng, **params) + else: + raise ValueError("Unknown augmentor type [%s]." % augmentor_type) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/base.py b/examples/transv1.8to2.x/data_utils/augmentor/base.py new file mode 100644 index 000000000..3f65d3248 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/base.py @@ -0,0 +1,43 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the abstract base class for augmentation models.""" +from abc import ABCMeta +from abc import abstractmethod + + +class AugmentorBase(object): + """Abstract base class for augmentation model (augmentor) class. + All augmentor classes should inherit from this class, and implement the + following abstract methods. + """ + + __metaclass__ = ABCMeta + + @abstractmethod + def __init__(self): + pass + + @abstractmethod + def transform_audio(self, audio_segment): + """Adds various effects to the input audio segment. Such effects + will augment the training data to make the model invariant to certain + types of perturbations in the real world, improving model's + generalization ability. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + pass diff --git a/examples/transv1.8to2.x/data_utils/augmentor/impulse_response.py b/examples/transv1.8to2.x/data_utils/augmentor/impulse_response.py new file mode 100644 index 000000000..d3928bf43 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/impulse_response.py @@ -0,0 +1,43 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the impulse response augmentation model.""" +from data_utils.audio import AudioSegment +from data_utils.augmentor.base import AugmentorBase +from data_utils.utility import read_manifest + + +class ImpulseResponseAugmentor(AugmentorBase): + """Augmentation model for adding impulse response effect. + + :param rng: Random generator object. + :type rng: random.Random + :param impulse_manifest_path: Manifest path for impulse audio data. + :type impulse_manifest_path: str + """ + + def __init__(self, rng, impulse_manifest_path): + self._rng = rng + self._impulse_manifest = read_manifest(impulse_manifest_path) + + def transform_audio(self, audio_segment): + """Add impulse response effect. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + impulse_json = self._rng.sample(self._impulse_manifest, 1)[0] + impulse_segment = AudioSegment.from_file(impulse_json['audio_filepath']) + audio_segment.convolve(impulse_segment, allow_resample=True) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/noise_perturb.py b/examples/transv1.8to2.x/data_utils/augmentor/noise_perturb.py new file mode 100644 index 000000000..2b352e922 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/noise_perturb.py @@ -0,0 +1,58 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the noise perturb augmentation model.""" +from data_utils.audio import AudioSegment +from data_utils.augmentor.base import AugmentorBase +from data_utils.utility import read_manifest + + +class NoisePerturbAugmentor(AugmentorBase): + """Augmentation model for adding background noise. + + :param rng: Random generator object. + :type rng: random.Random + :param min_snr_dB: Minimal signal noise ratio, in decibels. + :type min_snr_dB: float + :param max_snr_dB: Maximal signal noise ratio, in decibels. + :type max_snr_dB: float + :param noise_manifest_path: Manifest path for noise audio data. + :type noise_manifest_path: str + """ + + def __init__(self, rng, min_snr_dB, max_snr_dB, noise_manifest_path): + self._min_snr_dB = min_snr_dB + self._max_snr_dB = max_snr_dB + self._rng = rng + self._noise_manifest = read_manifest(manifest_path=noise_manifest_path) + + def transform_audio(self, audio_segment): + """Add background noise audio. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + noise_json = self._rng.sample(self._noise_manifest, 1)[0] + if noise_json['duration'] < audio_segment.duration: + raise RuntimeError("The duration of sampled noise audio is smaller " + "than the audio segment to add effects to.") + diff_duration = noise_json['duration'] - audio_segment.duration + start = self._rng.uniform(0, diff_duration) + end = start + audio_segment.duration + noise_segment = AudioSegment.slice_from_file( + noise_json['audio_filepath'], start=start, end=end) + snr_dB = self._rng.uniform(self._min_snr_dB, self._max_snr_dB) + audio_segment.add_noise( + noise_segment, snr_dB, allow_downsampling=True, rng=self._rng) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/online_bayesian_normalization.py b/examples/transv1.8to2.x/data_utils/augmentor/online_bayesian_normalization.py new file mode 100644 index 000000000..7514dd788 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/online_bayesian_normalization.py @@ -0,0 +1,57 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contain the online bayesian normalization augmentation model.""" +from data_utils.augmentor.base import AugmentorBase + + +class OnlineBayesianNormalizationAugmentor(AugmentorBase): + """Augmentation model for adding online bayesian normalization. + + :param rng: Random generator object. + :type rng: random.Random + :param target_db: Target RMS value in decibels. + :type target_db: float + :param prior_db: Prior RMS estimate in decibels. + :type prior_db: float + :param prior_samples: Prior strength in number of samples. + :type prior_samples: int + :param startup_delay: Default 0.0s. If provided, this function will + accrue statistics for the first startup_delay + seconds before applying online normalization. + :type starup_delay: float. + """ + + def __init__(self, + rng, + target_db, + prior_db, + prior_samples, + startup_delay=0.0): + self._target_db = target_db + self._prior_db = prior_db + self._prior_samples = prior_samples + self._rng = rng + self._startup_delay = startup_delay + + def transform_audio(self, audio_segment): + """Normalizes the input audio using the online Bayesian approach. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegment|SpeechSegment + """ + audio_segment.normalize_online_bayesian(self._target_db, self._prior_db, + self._prior_samples, + self._startup_delay) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/resample.py b/examples/transv1.8to2.x/data_utils/augmentor/resample.py new file mode 100644 index 000000000..e1b801ca6 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/resample.py @@ -0,0 +1,42 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contain the resample augmentation model.""" +from data_utils.augmentor.base import AugmentorBase + + +class ResampleAugmentor(AugmentorBase): + """Augmentation model for resampling. + + See more info here: + https://ccrma.stanford.edu/~jos/resample/index.html + + :param rng: Random generator object. + :type rng: random.Random + :param new_sample_rate: New sample rate in Hz. + :type new_sample_rate: int + """ + + def __init__(self, rng, new_sample_rate): + self._new_sample_rate = new_sample_rate + self._rng = rng + + def transform_audio(self, audio_segment): + """Resamples the input audio to a target sample rate. + + Note that this is an in-place transformation. + + :param audio: Audio segment to add effects to. + :type audio: AudioSegment|SpeechSegment + """ + audio_segment.resample(self._new_sample_rate) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/shift_perturb.py b/examples/transv1.8to2.x/data_utils/augmentor/shift_perturb.py new file mode 100644 index 000000000..cdbc8afe7 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/shift_perturb.py @@ -0,0 +1,43 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the volume perturb augmentation model.""" +from data_utils.augmentor.base import AugmentorBase + + +class ShiftPerturbAugmentor(AugmentorBase): + """Augmentation model for adding random shift perturbation. + + :param rng: Random generator object. + :type rng: random.Random + :param min_shift_ms: Minimal shift in milliseconds. + :type min_shift_ms: float + :param max_shift_ms: Maximal shift in milliseconds. + :type max_shift_ms: float + """ + + def __init__(self, rng, min_shift_ms, max_shift_ms): + self._min_shift_ms = min_shift_ms + self._max_shift_ms = max_shift_ms + self._rng = rng + + def transform_audio(self, audio_segment): + """Shift audio. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + shift_ms = self._rng.uniform(self._min_shift_ms, self._max_shift_ms) + audio_segment.shift(shift_ms) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/speed_perturb.py b/examples/transv1.8to2.x/data_utils/augmentor/speed_perturb.py new file mode 100644 index 000000000..46ca1f053 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/speed_perturb.py @@ -0,0 +1,56 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contain the speech perturbation augmentation model.""" +from data_utils.augmentor.base import AugmentorBase + + +class SpeedPerturbAugmentor(AugmentorBase): + """Augmentation model for adding speed perturbation. + + See reference paper here: + http://www.danielpovey.com/files/2015_interspeech_augmentation.pdf + + :param rng: Random generator object. + :type rng: random.Random + :param min_speed_rate: Lower bound of new speed rate to sample and should + not be smaller than 0.9. + :type min_speed_rate: float + :param max_speed_rate: Upper bound of new speed rate to sample and should + not be larger than 1.1. + :type max_speed_rate: float + """ + + def __init__(self, rng, min_speed_rate, max_speed_rate): + if min_speed_rate < 0.9: + raise ValueError( + "Sampling speed below 0.9 can cause unnatural effects") + if max_speed_rate > 1.1: + raise ValueError( + "Sampling speed above 1.1 can cause unnatural effects") + self._min_speed_rate = min_speed_rate + self._max_speed_rate = max_speed_rate + self._rng = rng + + def transform_audio(self, audio_segment): + """Sample a new speed rate from the given range and + changes the speed of the given audio clip. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegment|SpeechSegment + """ + sampled_speed = self._rng.uniform(self._min_speed_rate, + self._max_speed_rate) + audio_segment.change_speed(sampled_speed) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/volume_perturb.py b/examples/transv1.8to2.x/data_utils/augmentor/volume_perturb.py new file mode 100644 index 000000000..9e5c5aa35 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/augmentor/volume_perturb.py @@ -0,0 +1,49 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the volume perturb augmentation model.""" +from data_utils.augmentor.base import AugmentorBase + + +class VolumePerturbAugmentor(AugmentorBase): + """Augmentation model for adding random volume perturbation. + + This is used for multi-loudness training of PCEN. See + + https://arxiv.org/pdf/1607.05666v1.pdf + + for more details. + + :param rng: Random generator object. + :type rng: random.Random + :param min_gain_dBFS: Minimal gain in dBFS. + :type min_gain_dBFS: float + :param max_gain_dBFS: Maximal gain in dBFS. + :type max_gain_dBFS: float + """ + + def __init__(self, rng, min_gain_dBFS, max_gain_dBFS): + self._min_gain_dBFS = min_gain_dBFS + self._max_gain_dBFS = max_gain_dBFS + self._rng = rng + + def transform_audio(self, audio_segment): + """Change audio loadness. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + gain = self._rng.uniform(self._min_gain_dBFS, self._max_gain_dBFS) + audio_segment.gain_db(gain) diff --git a/examples/transv1.8to2.x/data_utils/data.py b/examples/transv1.8to2.x/data_utils/data.py new file mode 100644 index 000000000..df296f70c --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/data.py @@ -0,0 +1,380 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains data generator for orgnaizing various audio data preprocessing +pipeline and offering data reader interface of PaddlePaddle requirements. +""" +import random +import tarfile +from threading import local + +import numpy as np +import paddle.fluid as fluid +from data_utils.augmentor.augmentation import AugmentationPipeline +from data_utils.featurizer.speech_featurizer import SpeechFeaturizer +from data_utils.normalizer import FeatureNormalizer +from data_utils.speech import SpeechSegment +from data_utils.utility import read_manifest + + +class DataGenerator(object): + """ + DataGenerator provides basic audio data preprocessing pipeline, and offers + data reader interfaces of PaddlePaddle requirements. + + :param vocab_filepath: Vocabulary filepath for indexing tokenized + transcripts. + :type vocab_filepath: str + :param mean_std_filepath: File containing the pre-computed mean and stddev. + :type mean_std_filepath: None|str + :param augmentation_config: Augmentation configuration in json string. + Details see AugmentationPipeline.__doc__. + :type augmentation_config: str + :param max_duration: Audio with duration (in seconds) greater than + this will be discarded. + :type max_duration: float + :param min_duration: Audio with duration (in seconds) smaller than + this will be discarded. + :type min_duration: float + :param stride_ms: Striding size (in milliseconds) for generating frames. + :type stride_ms: float + :param window_ms: Window size (in milliseconds) for generating frames. + :type window_ms: float + :param max_freq: Used when specgram_type is 'linear', only FFT bins + corresponding to frequencies between [0, max_freq] are + returned. + :types max_freq: None|float + :param specgram_type: Specgram feature type. Options: 'linear'. + :type specgram_type: str + :param use_dB_normalization: Whether to normalize the audio to -20 dB + before extracting the features. + :type use_dB_normalization: bool + :param random_seed: Random seed. + :type random_seed: int + :param keep_transcription_text: If set to True, transcription text will + be passed forward directly without + converting to index sequence. + :type keep_transcription_text: bool + :param place: The place to run the program. + :type place: CPUPlace or CUDAPlace + :param is_training: If set to True, generate text data for training, + otherwise, generate text data for infer. + :type is_training: bool + """ + + def __init__(self, + vocab_filepath, + mean_std_filepath, + augmentation_config='{}', + max_duration=float('inf'), + min_duration=0.0, + stride_ms=10.0, + window_ms=20.0, + max_freq=None, + specgram_type='linear', + use_dB_normalization=True, + random_seed=0, + keep_transcription_text=False, + place=fluid.CPUPlace(), + is_training=True): + self._max_duration = max_duration + self._min_duration = min_duration + self._normalizer = FeatureNormalizer(mean_std_filepath) + self._augmentation_pipeline = AugmentationPipeline( + augmentation_config=augmentation_config, random_seed=random_seed) + self._speech_featurizer = SpeechFeaturizer( + vocab_filepath=vocab_filepath, + specgram_type=specgram_type, + stride_ms=stride_ms, + window_ms=window_ms, + max_freq=max_freq, + use_dB_normalization=use_dB_normalization) + self._rng = random.Random(random_seed) + self._keep_transcription_text = keep_transcription_text + self._epoch = 0 + self._is_training = is_training + # for caching tar files info + self._local_data = local() + self._local_data.tar2info = {} + self._local_data.tar2object = {} + self._place = place + + def process_utterance(self, audio_file, transcript): + """Load, augment, featurize and normalize for speech data. + + :param audio_file: Filepath or file object of audio file. + :type audio_file: str | file + :param transcript: Transcription text. + :type transcript: str + :return: Tuple of audio feature tensor and data of transcription part, + where transcription part could be token ids or text. + :rtype: tuple of (2darray, list) + """ + if isinstance(audio_file, str) and audio_file.startswith('tar:'): + speech_segment = SpeechSegment.from_file( + self._subfile_from_tar(audio_file), transcript) + else: + speech_segment = SpeechSegment.from_file(audio_file, transcript) + self._augmentation_pipeline.transform_audio(speech_segment) + specgram, transcript_part = self._speech_featurizer.featurize( + speech_segment, self._keep_transcription_text) + specgram = self._normalizer.apply(specgram) + return specgram, transcript_part + + def batch_reader_creator(self, + manifest_path, + batch_size, + padding_to=-1, + flatten=False, + sortagrad=False, + shuffle_method="batch_shuffle"): + """ + Batch data reader creator for audio data. Return a callable generator + function to produce batches of data. + + Audio features within one batch will be padded with zeros to have the + same shape, or a user-defined shape. + + :param manifest_path: Filepath of manifest for audio files. + :type manifest_path: str + :param batch_size: Number of instances in a batch. + :type batch_size: int + :param padding_to: If set -1, the maximun shape in the batch + will be used as the target shape for padding. + Otherwise, `padding_to` will be the target shape. + :type padding_to: int + :param flatten: If set True, audio features will be flatten to 1darray. + :type flatten: bool + :param sortagrad: If set True, sort the instances by audio duration + in the first epoch for speed up training. + :type sortagrad: bool + :param shuffle_method: Shuffle method. Options: + '' or None: no shuffle. + 'instance_shuffle': instance-wise shuffle. + 'batch_shuffle': similarly-sized instances are + put into batches, and then + batch-wise shuffle the batches. + For more details, please see + ``_batch_shuffle.__doc__``. + 'batch_shuffle_clipped': 'batch_shuffle' with + head shift and tail + clipping. For more + details, please see + ``_batch_shuffle``. + If sortagrad is True, shuffle is disabled + for the first epoch. + :type shuffle_method: None|str + :return: Batch reader function, producing batches of data when called. + :rtype: callable + """ + + def batch_reader(): + # read manifest + manifest = read_manifest( + manifest_path=manifest_path, + max_duration=self._max_duration, + min_duration=self._min_duration) + # sort (by duration) or batch-wise shuffle the manifest + if self._epoch == 0 and sortagrad: + manifest.sort(key=lambda x: x["duration"]) + + else: + if shuffle_method == "batch_shuffle": + manifest = self._batch_shuffle( + manifest, batch_size, clipped=False) + elif shuffle_method == "batch_shuffle_clipped": + manifest = self._batch_shuffle( + manifest, batch_size, clipped=True) + elif shuffle_method == "instance_shuffle": + self._rng.shuffle(manifest) + elif shuffle_method is None: + pass + else: + raise ValueError("Unknown shuffle method %s." % + shuffle_method) + # prepare batches + batch = [] + instance_reader = self._instance_reader_creator(manifest) + + for instance in instance_reader(): + batch.append(instance) + if len(batch) == batch_size: + yield self._padding_batch(batch, padding_to, flatten) + batch = [] + if len(batch) >= 1: + yield self._padding_batch(batch, padding_to, flatten) + self._epoch += 1 + + return batch_reader + + @property + def feeding(self): + """Returns data reader's feeding dict. + + :return: Data feeding dict. + :rtype: dict + """ + feeding_dict = {"audio_spectrogram": 0, "transcript_text": 1} + return feeding_dict + + @property + def vocab_size(self): + """Return the vocabulary size. + + :return: Vocabulary size. + :rtype: int + """ + return self._speech_featurizer.vocab_size + + @property + def vocab_list(self): + """Return the vocabulary in list. + + :return: Vocabulary in list. + :rtype: list + """ + return self._speech_featurizer.vocab_list + + def _parse_tar(self, file): + """Parse a tar file to get a tarfile object + and a map containing tarinfoes + """ + result = {} + f = tarfile.open(file) + for tarinfo in f.getmembers(): + result[tarinfo.name] = tarinfo + return f, result + + def _subfile_from_tar(self, file): + """Get subfile object from tar. + + It will return a subfile object from tar file + and cached tar file info for next reading request. + """ + tarpath, filename = file.split(':', 1)[1].split('#', 1) + if 'tar2info' not in self._local_data.__dict__: + self._local_data.tar2info = {} + if 'tar2object' not in self._local_data.__dict__: + self._local_data.tar2object = {} + if tarpath not in self._local_data.tar2info: + object, infoes = self._parse_tar(tarpath) + self._local_data.tar2info[tarpath] = infoes + self._local_data.tar2object[tarpath] = object + return self._local_data.tar2object[tarpath].extractfile( + self._local_data.tar2info[tarpath][filename]) + + def _instance_reader_creator(self, manifest): + """ + Instance reader creator. Create a callable function to produce + instances of data. + + Instance: a tuple of ndarray of audio spectrogram and a list of + token indices for transcript. + """ + + def reader(): + for instance in manifest: + inst = self.process_utterance(instance["audio_filepath"], + instance["text"]) + yield inst + + return reader + + def _padding_batch(self, batch, padding_to=-1, flatten=False): + """ + Padding audio features with zeros to make them have the same shape (or + a user-defined shape) within one bach. + + If ``padding_to`` is -1, the maximun shape in the batch will be used + as the target shape for padding. Otherwise, `padding_to` will be the + target shape (only refers to the second axis). + + If `flatten` is True, features will be flatten to 1darray. + """ + new_batch = [] + # get target shape + max_length = max([audio.shape[1] for audio, text in batch]) + if padding_to != -1: + if padding_to < max_length: + raise ValueError("If padding_to is not -1, it should be larger " + "than any instance's shape in the batch") + max_length = padding_to + # padding + padded_audios = [] + texts, text_lens = [], [] + audio_lens = [] + masks = [] + for audio, text in batch: + padded_audio = np.zeros([audio.shape[0], max_length]) + padded_audio[:, :audio.shape[1]] = audio + if flatten: + padded_audio = padded_audio.flatten() + padded_audios.append(padded_audio) + if self._is_training: + texts += text + else: + texts.append(text) + text_lens.append(len(text)) + audio_lens.append(audio.shape[1]) + mask_shape0 = (audio.shape[0] - 1) // 2 + 1 + mask_shape1 = (audio.shape[1] - 1) // 3 + 1 + mask_max_len = (max_length - 1) // 3 + 1 + mask_ones = np.ones((mask_shape0, mask_shape1)) + mask_zeros = np.zeros((mask_shape0, mask_max_len - mask_shape1)) + mask = np.repeat( + np.reshape( + np.concatenate((mask_ones, mask_zeros), axis=1), + (1, mask_shape0, mask_max_len)), + 32, + axis=0) + masks.append(mask) + padded_audios = np.array(padded_audios).astype('float32') + if self._is_training: + texts = np.expand_dims(np.array(texts).astype('int32'), axis=-1) + texts = fluid.create_lod_tensor( + texts, recursive_seq_lens=[text_lens], place=self._place) + audio_lens = np.array(audio_lens).astype('int64').reshape([-1, 1]) + masks = np.array(masks).astype('float32') + return padded_audios, texts, audio_lens, masks + + def _batch_shuffle(self, manifest, batch_size, clipped=False): + """Put similarly-sized instances into minibatches for better efficiency + and make a batch-wise shuffle. + + 1. Sort the audio clips by duration. + 2. Generate a random number `k`, k in [0, batch_size). + 3. Randomly shift `k` instances in order to create different batches + for different epochs. Create minibatches. + 4. Shuffle the minibatches. + + :param manifest: Manifest contents. List of dict. + :type manifest: list + :param batch_size: Batch size. This size is also used for generate + a random number for batch shuffle. + :type batch_size: int + :param clipped: Whether to clip the heading (small shift) and trailing + (incomplete batch) instances. + :type clipped: bool + :return: Batch shuffled mainifest. + :rtype: list + """ + manifest.sort(key=lambda x: x["duration"]) + shift_len = self._rng.randint(0, batch_size - 1) + batch_manifest = list(zip(* [iter(manifest[shift_len:])] * batch_size)) + self._rng.shuffle(batch_manifest) + batch_manifest = [item for batch in batch_manifest for item in batch] + if not clipped: + res_len = len(manifest) - shift_len - len(batch_manifest) + batch_manifest.extend(manifest[-res_len:]) + batch_manifest.extend(manifest[0:shift_len]) + return batch_manifest diff --git a/examples/transv1.8to2.x/data_utils/featurizer/__init__.py b/examples/transv1.8to2.x/data_utils/featurizer/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/featurizer/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/data_utils/featurizer/audio_featurizer.py b/examples/transv1.8to2.x/data_utils/featurizer/audio_featurizer.py new file mode 100644 index 000000000..9d45f8b17 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/featurizer/audio_featurizer.py @@ -0,0 +1,194 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the audio featurizer class.""" +import numpy as np +from python_speech_features import delta +from python_speech_features import mfcc + + +class AudioFeaturizer(object): + """Audio featurizer, for extracting features from audio contents of + AudioSegment or SpeechSegment. + + Currently, it supports feature types of linear spectrogram and mfcc. + + :param specgram_type: Specgram feature type. Options: 'linear'. + :type specgram_type: str + :param stride_ms: Striding size (in milliseconds) for generating frames. + :type stride_ms: float + :param window_ms: Window size (in milliseconds) for generating frames. + :type window_ms: float + :param max_freq: When specgram_type is 'linear', only FFT bins + corresponding to frequencies between [0, max_freq] are + returned; when specgram_type is 'mfcc', max_feq is the + highest band edge of mel filters. + :types max_freq: None|float + :param target_sample_rate: Audio are resampled (if upsampling or + downsampling is allowed) to this before + extracting spectrogram features. + :type target_sample_rate: float + :param use_dB_normalization: Whether to normalize the audio to a certain + decibels before extracting the features. + :type use_dB_normalization: bool + :param target_dB: Target audio decibels for normalization. + :type target_dB: float + """ + + def __init__(self, + specgram_type='linear', + stride_ms=10.0, + window_ms=20.0, + max_freq=None, + target_sample_rate=16000, + use_dB_normalization=True, + target_dB=-20): + self._specgram_type = specgram_type + self._stride_ms = stride_ms + self._window_ms = window_ms + self._max_freq = max_freq + self._target_sample_rate = target_sample_rate + self._use_dB_normalization = use_dB_normalization + self._target_dB = target_dB + + def featurize(self, + audio_segment, + allow_downsampling=True, + allow_upsampling=True): + """Extract audio features from AudioSegment or SpeechSegment. + + :param audio_segment: Audio/speech segment to extract features from. + :type audio_segment: AudioSegment|SpeechSegment + :param allow_downsampling: Whether to allow audio downsampling before + featurizing. + :type allow_downsampling: bool + :param allow_upsampling: Whether to allow audio upsampling before + featurizing. + :type allow_upsampling: bool + :return: Spectrogram audio feature in 2darray. + :rtype: ndarray + :raises ValueError: If audio sample rate is not supported. + """ + # upsampling or downsampling + if ((audio_segment.sample_rate > self._target_sample_rate and + allow_downsampling) or + (audio_segment.sample_rate < self._target_sample_rate and + allow_upsampling)): + audio_segment.resample(self._target_sample_rate) + if audio_segment.sample_rate != self._target_sample_rate: + raise ValueError("Audio sample rate is not supported. " + "Turn allow_downsampling or allow up_sampling on.") + # decibel normalization + if self._use_dB_normalization: + audio_segment.normalize(target_db=self._target_dB) + # extract spectrogram + return self._compute_specgram(audio_segment.samples, + audio_segment.sample_rate) + + def _compute_specgram(self, samples, sample_rate): + """Extract various audio features.""" + if self._specgram_type == 'linear': + return self._compute_linear_specgram( + samples, sample_rate, self._stride_ms, self._window_ms, + self._max_freq) + elif self._specgram_type == 'mfcc': + return self._compute_mfcc(samples, sample_rate, self._stride_ms, + self._window_ms, self._max_freq) + else: + raise ValueError("Unknown specgram_type %s. " + "Supported values: linear." % self._specgram_type) + + def _compute_linear_specgram(self, + samples, + sample_rate, + stride_ms=10.0, + window_ms=20.0, + max_freq=None, + eps=1e-14): + """Compute the linear spectrogram from FFT energy.""" + if max_freq is None: + max_freq = sample_rate / 2 + if max_freq > sample_rate / 2: + raise ValueError("max_freq must not be greater than half of " + "sample rate.") + if stride_ms > window_ms: + raise ValueError("Stride size must not be greater than " + "window size.") + stride_size = int(0.001 * sample_rate * stride_ms) + window_size = int(0.001 * sample_rate * window_ms) + specgram, freqs = self._specgram_real( + samples, + window_size=window_size, + stride_size=stride_size, + sample_rate=sample_rate) + ind = np.where(freqs <= max_freq)[0][-1] + 1 + return np.log(specgram[:ind, :] + eps) + + def _specgram_real(self, samples, window_size, stride_size, sample_rate): + """Compute the spectrogram for samples from a real signal.""" + # extract strided windows + truncate_size = (len(samples) - window_size) % stride_size + samples = samples[:len(samples) - truncate_size] + nshape = (window_size, (len(samples) - window_size) // stride_size + 1) + nstrides = (samples.strides[0], samples.strides[0] * stride_size) + windows = np.lib.stride_tricks.as_strided( + samples, shape=nshape, strides=nstrides) + assert np.all( + windows[:, 1] == samples[stride_size:(stride_size + window_size)]) + # window weighting, squared Fast Fourier Transform (fft), scaling + weighting = np.hanning(window_size)[:, None] + fft = np.fft.rfft(windows * weighting, axis=0) + fft = np.absolute(fft) + fft = fft**2 + scale = np.sum(weighting**2) * sample_rate + fft[1:-1, :] *= (2.0 / scale) + fft[(0, -1), :] /= scale + # prepare fft frequency list + freqs = float(sample_rate) / window_size * np.arange(fft.shape[0]) + return fft, freqs + + def _compute_mfcc(self, + samples, + sample_rate, + stride_ms=10.0, + window_ms=20.0, + max_freq=None): + """Compute mfcc from samples.""" + if max_freq is None: + max_freq = sample_rate / 2 + if max_freq > sample_rate / 2: + raise ValueError("max_freq must not be greater than half of " + "sample rate.") + if stride_ms > window_ms: + raise ValueError("Stride size must not be greater than " + "window size.") + # compute the 13 cepstral coefficients, and the first one is replaced + # by log(frame energy) + mfcc_feat = mfcc( + signal=samples, + samplerate=sample_rate, + winlen=0.001 * window_ms, + winstep=0.001 * stride_ms, + highfreq=max_freq) + # Deltas + d_mfcc_feat = delta(mfcc_feat, 2) + # Deltas-Deltas + dd_mfcc_feat = delta(d_mfcc_feat, 2) + # transpose + mfcc_feat = np.transpose(mfcc_feat) + d_mfcc_feat = np.transpose(d_mfcc_feat) + dd_mfcc_feat = np.transpose(dd_mfcc_feat) + # concat above three features + concat_mfcc_feat = np.concatenate( + (mfcc_feat, d_mfcc_feat, dd_mfcc_feat)) + return concat_mfcc_feat diff --git a/examples/transv1.8to2.x/data_utils/featurizer/speech_featurizer.py b/examples/transv1.8to2.x/data_utils/featurizer/speech_featurizer.py new file mode 100644 index 000000000..232251dd0 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/featurizer/speech_featurizer.py @@ -0,0 +1,107 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the speech featurizer class.""" +from data_utils.featurizer.audio_featurizer import AudioFeaturizer +from data_utils.featurizer.text_featurizer import TextFeaturizer + + +class SpeechFeaturizer(object): + """Speech featurizer, for extracting features from both audio and transcript + contents of SpeechSegment. + + Currently, for audio parts, it supports feature types of linear + spectrogram and mfcc; for transcript parts, it only supports char-level + tokenizing and conversion into a list of token indices. Note that the + token indexing order follows the given vocabulary file. + + :param vocab_filepath: Filepath to load vocabulary for token indices + conversion. + :type specgram_type: str + :param specgram_type: Specgram feature type. Options: 'linear', 'mfcc'. + :type specgram_type: str + :param stride_ms: Striding size (in milliseconds) for generating frames. + :type stride_ms: float + :param window_ms: Window size (in milliseconds) for generating frames. + :type window_ms: float + :param max_freq: When specgram_type is 'linear', only FFT bins + corresponding to frequencies between [0, max_freq] are + returned; when specgram_type is 'mfcc', max_freq is the + highest band edge of mel filters. + :types max_freq: None|float + :param target_sample_rate: Speech are resampled (if upsampling or + downsampling is allowed) to this before + extracting spectrogram features. + :type target_sample_rate: float + :param use_dB_normalization: Whether to normalize the audio to a certain + decibels before extracting the features. + :type use_dB_normalization: bool + :param target_dB: Target audio decibels for normalization. + :type target_dB: float + """ + + def __init__(self, + vocab_filepath, + specgram_type='linear', + stride_ms=10.0, + window_ms=20.0, + max_freq=None, + target_sample_rate=16000, + use_dB_normalization=True, + target_dB=-20): + self._audio_featurizer = AudioFeaturizer( + specgram_type=specgram_type, + stride_ms=stride_ms, + window_ms=window_ms, + max_freq=max_freq, + target_sample_rate=target_sample_rate, + use_dB_normalization=use_dB_normalization, + target_dB=target_dB) + self._text_featurizer = TextFeaturizer(vocab_filepath) + + def featurize(self, speech_segment, keep_transcription_text): + """Extract features for speech segment. + + 1. For audio parts, extract the audio features. + 2. For transcript parts, keep the original text or convert text string + to a list of token indices in char-level. + + :param audio_segment: Speech segment to extract features from. + :type audio_segment: SpeechSegment + :return: A tuple of 1) spectrogram audio feature in 2darray, 2) list of + char-level token indices. + :rtype: tuple + """ + audio_feature = self._audio_featurizer.featurize(speech_segment) + if keep_transcription_text: + return audio_feature, speech_segment.transcript + text_ids = self._text_featurizer.featurize(speech_segment.transcript) + return audio_feature, text_ids + + @property + def vocab_size(self): + """Return the vocabulary size. + + :return: Vocabulary size. + :rtype: int + """ + return self._text_featurizer.vocab_size + + @property + def vocab_list(self): + """Return the vocabulary in list. + + :return: Vocabulary in list. + :rtype: list + """ + return self._text_featurizer.vocab_list diff --git a/examples/transv1.8to2.x/data_utils/featurizer/text_featurizer.py b/examples/transv1.8to2.x/data_utils/featurizer/text_featurizer.py new file mode 100644 index 000000000..a56073f91 --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/featurizer/text_featurizer.py @@ -0,0 +1,76 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the text featurizer class.""" +import codecs + + +class TextFeaturizer(object): + """Text featurizer, for processing or extracting features from text. + + Currently, it only supports char-level tokenizing and conversion into + a list of token indices. Note that the token indexing order follows the + given vocabulary file. + + :param vocab_filepath: Filepath to load vocabulary for token indices + conversion. + :type specgram_type: str + """ + + def __init__(self, vocab_filepath): + self._vocab_dict, self._vocab_list = self._load_vocabulary_from_file( + vocab_filepath) + + def featurize(self, text): + """Convert text string to a list of token indices in char-level.Note + that the token indexing order follows the given vocabulary file. + + :param text: Text to process. + :type text: str + :return: List of char-level token indices. + :rtype: list + """ + tokens = self._char_tokenize(text) + return [self._vocab_dict[token] for token in tokens] + + @property + def vocab_size(self): + """Return the vocabulary size. + + :return: Vocabulary size. + :rtype: int + """ + return len(self._vocab_list) + + @property + def vocab_list(self): + """Return the vocabulary in list. + + :return: Vocabulary in list. + :rtype: list + """ + return self._vocab_list + + def _char_tokenize(self, text): + """Character tokenizer.""" + return list(text.strip()) + + def _load_vocabulary_from_file(self, vocab_filepath): + """Load vocabulary from file.""" + vocab_lines = [] + with codecs.open(vocab_filepath, 'r', 'utf-8') as file: + vocab_lines.extend(file.readlines()) + vocab_list = [line[:-1] for line in vocab_lines] + vocab_dict = dict( + [(token, id) for (id, token) in enumerate(vocab_list)]) + return vocab_dict, vocab_list diff --git a/examples/transv1.8to2.x/data_utils/normalizer.py b/examples/transv1.8to2.x/data_utils/normalizer.py new file mode 100644 index 000000000..c1d94528d --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/normalizer.py @@ -0,0 +1,97 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains feature normalizers.""" +import random + +import numpy as np +from data_utils.audio import AudioSegment +from data_utils.utility import read_manifest + + +class FeatureNormalizer(object): + """Feature normalizer. Normalize features to be of zero mean and unit + stddev. + + if mean_std_filepath is provided (not None), the normalizer will directly + initilize from the file. Otherwise, both manifest_path and featurize_func + should be given for on-the-fly mean and stddev computing. + + :param mean_std_filepath: File containing the pre-computed mean and stddev. + :type mean_std_filepath: None|str + :param manifest_path: Manifest of instances for computing mean and stddev. + :type meanifest_path: None|str + :param featurize_func: Function to extract features. It should be callable + with ``featurize_func(audio_segment)``. + :type featurize_func: None|callable + :param num_samples: Number of random samples for computing mean and stddev. + :type num_samples: int + :param random_seed: Random seed for sampling instances. + :type random_seed: int + :raises ValueError: If both mean_std_filepath and manifest_path + (or both mean_std_filepath and featurize_func) are None. + """ + + def __init__(self, + mean_std_filepath, + manifest_path=None, + featurize_func=None, + num_samples=500, + random_seed=0): + if not mean_std_filepath: + if not (manifest_path and featurize_func): + raise ValueError("If mean_std_filepath is None, meanifest_path " + "and featurize_func should not be None.") + self._rng = random.Random(random_seed) + self._compute_mean_std(manifest_path, featurize_func, num_samples) + else: + self._read_mean_std_from_file(mean_std_filepath) + + def apply(self, features, eps=1e-14): + """Normalize features to be of zero mean and unit stddev. + + :param features: Input features to be normalized. + :type features: ndarray + :param eps: added to stddev to provide numerical stablibity. + :type eps: float + :return: Normalized features. + :rtype: ndarray + """ + return (features - self._mean) / (self._std + eps) + + def write_to_file(self, filepath): + """Write the mean and stddev to the file. + + :param filepath: File to write mean and stddev. + :type filepath: str + """ + np.savez(filepath, mean=self._mean, std=self._std) + + def _read_mean_std_from_file(self, filepath): + """Load mean and std from file.""" + npzfile = np.load(filepath) + self._mean = npzfile["mean"] + self._std = npzfile["std"] + + def _compute_mean_std(self, manifest_path, featurize_func, num_samples): + """Compute mean and std from randomly sampled instances.""" + manifest = read_manifest(manifest_path) + sampled_manifest = self._rng.sample(manifest, num_samples) + features = [] + for instance in sampled_manifest: + features.append( + featurize_func( + AudioSegment.from_file(instance["audio_filepath"]))) + features = np.hstack(features) + self._mean = np.mean(features, axis=1).reshape([-1, 1]) + self._std = np.std(features, axis=1).reshape([-1, 1]) diff --git a/examples/transv1.8to2.x/data_utils/speech.py b/examples/transv1.8to2.x/data_utils/speech.py new file mode 100644 index 000000000..8daf58b0b --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/speech.py @@ -0,0 +1,153 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the speech segment class.""" +import numpy as np +from data_utils.audio import AudioSegment + + +class SpeechSegment(AudioSegment): + """Speech segment abstraction, a subclass of AudioSegment, + with an additional transcript. + + :param samples: Audio samples [num_samples x num_channels]. + :type samples: ndarray.float32 + :param sample_rate: Audio sample rate. + :type sample_rate: int + :param transcript: Transcript text for the speech. + :type transript: str + :raises TypeError: If the sample data type is not float or int. + """ + + def __init__(self, samples, sample_rate, transcript): + AudioSegment.__init__(self, samples, sample_rate) + self._transcript = transcript + + def __eq__(self, other): + """Return whether two objects are equal. + """ + if not AudioSegment.__eq__(self, other): + return False + if self._transcript != other._transcript: + return False + return True + + def __ne__(self, other): + """Return whether two objects are unequal.""" + return not self.__eq__(other) + + @classmethod + def from_file(cls, filepath, transcript): + """Create speech segment from audio file and corresponding transcript. + + :param filepath: Filepath or file object to audio file. + :type filepath: str|file + :param transcript: Transcript text for the speech. + :type transript: str + :return: Speech segment instance. + :rtype: SpeechSegment + """ + audio = AudioSegment.from_file(filepath) + return cls(audio.samples, audio.sample_rate, transcript) + + @classmethod + def from_bytes(cls, bytes, transcript): + """Create speech segment from a byte string and corresponding + transcript. + + :param bytes: Byte string containing audio samples. + :type bytes: str + :param transcript: Transcript text for the speech. + :type transript: str + :return: Speech segment instance. + :rtype: Speech Segment + """ + audio = AudioSegment.from_bytes(bytes) + return cls(audio.samples, audio.sample_rate, transcript) + + @classmethod + def concatenate(cls, *segments): + """Concatenate an arbitrary number of speech segments together, both + audio and transcript will be concatenated. + + :param *segments: Input speech segments to be concatenated. + :type *segments: tuple of SpeechSegment + :return: Speech segment instance. + :rtype: SpeechSegment + :raises ValueError: If the number of segments is zero, or if the + sample_rate of any two segments does not match. + :raises TypeError: If any segment is not SpeechSegment instance. + """ + if len(segments) == 0: + raise ValueError("No speech segments are given to concatenate.") + sample_rate = segments[0]._sample_rate + transcripts = "" + for seg in segments: + if sample_rate != seg._sample_rate: + raise ValueError("Can't concatenate segments with " + "different sample rates") + if type(seg) is not cls: + raise TypeError("Only speech segments of the same type " + "instance can be concatenated.") + transcripts += seg._transcript + samples = np.concatenate([seg.samples for seg in segments]) + return cls(samples, sample_rate, transcripts) + + @classmethod + def slice_from_file(cls, filepath, transcript, start=None, end=None): + """Loads a small section of an speech without having to load + the entire file into the memory which can be incredibly wasteful. + + :param filepath: Filepath or file object to audio file. + :type filepath: str|file + :param start: Start time in seconds. If start is negative, it wraps + around from the end. If not provided, this function + reads from the very beginning. + :type start: float + :param end: End time in seconds. If end is negative, it wraps around + from the end. If not provided, the default behvaior is + to read to the end of the file. + :type end: float + :param transcript: Transcript text for the speech. if not provided, + the defaults is an empty string. + :type transript: str + :return: SpeechSegment instance of the specified slice of the input + speech file. + :rtype: SpeechSegment + """ + audio = AudioSegment.slice_from_file(filepath, start, end) + return cls(audio.samples, audio.sample_rate, transcript) + + @classmethod + def make_silence(cls, duration, sample_rate): + """Creates a silent speech segment of the given duration and + sample rate, transcript will be an empty string. + + :param duration: Length of silence in seconds. + :type duration: float + :param sample_rate: Sample rate. + :type sample_rate: float + :return: Silence of the given duration. + :rtype: SpeechSegment + """ + audio = AudioSegment.make_silence(duration, sample_rate) + return cls(audio.samples, audio.sample_rate, "") + + @property + def transcript(self): + """Return the transcript text. + + :return: Transcript text for the speech. + :rtype: str + """ + return self._transcript diff --git a/examples/transv1.8to2.x/data_utils/utility.py b/examples/transv1.8to2.x/data_utils/utility.py new file mode 100644 index 000000000..61e78dcbd --- /dev/null +++ b/examples/transv1.8to2.x/data_utils/utility.py @@ -0,0 +1,98 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains data helper functions.""" +import codecs +import json +import os +import tarfile + +from paddle.dataset.common import md5file + + +def read_manifest(manifest_path, max_duration=float('inf'), min_duration=0.0): + """Load and parse manifest file. + + Instances with durations outside [min_duration, max_duration] will be + filtered out. + + :param manifest_path: Manifest file to load and parse. + :type manifest_path: str + :param max_duration: Maximal duration in seconds for instance filter. + :type max_duration: float + :param min_duration: Minimal duration in seconds for instance filter. + :type min_duration: float + :return: Manifest parsing results. List of dict. + :rtype: list + :raises IOError: If failed to parse the manifest. + """ + manifest = [] + for json_line in codecs.open(manifest_path, 'r', 'utf-8'): + try: + json_data = json.loads(json_line) + except Exception as e: + raise IOError("Error reading manifest: %s" % str(e)) + if (json_data["duration"] <= max_duration and + json_data["duration"] >= min_duration): + manifest.append(json_data) + return manifest + + +def getfile_insensitive(path): + """Get the actual file path when given insensitive filename.""" + directory, filename = os.path.split(path) + directory, filename = (directory or '.'), filename.lower() + for f in os.listdir(directory): + newpath = os.path.join(directory, f) + if os.path.isfile(newpath) and f.lower() == filename: + return newpath + + +def download_multi(url, target_dir, extra_args): + """Download multiple files from url to target_dir.""" + if not os.path.exists(target_dir): + os.makedirs(target_dir) + print("Downloading %s ..." % url) + ret_code = os.system("wget -c " + url + ' ' + extra_args + " -P " + + target_dir) + return ret_code + + +def download(url, md5sum, target_dir): + """Download file from url to target_dir, and check md5sum.""" + if not os.path.exists(target_dir): + os.makedirs(target_dir) + filepath = os.path.join(target_dir, url.split("/")[-1]) + if not (os.path.exists(filepath) and md5file(filepath) == md5sum): + print("Downloading %s ..." % url) + os.system("wget -c " + url + " -P " + target_dir) + print("\nMD5 Chesksum %s ..." % filepath) + if not md5file(filepath) == md5sum: + raise RuntimeError("MD5 checksum failed.") + else: + print("File exists, skip downloading. (%s)" % filepath) + return filepath + + +def unpack(filepath, target_dir, rm_tar=False): + """Unpack the file to the target_dir.""" + print("Unpacking %s ..." % filepath) + tar = tarfile.open(filepath) + tar.extractall(target_dir) + tar.close() + if rm_tar is True: + os.remove(filepath) + + +class XmapEndSignal(): + pass diff --git a/examples/transv1.8to2.x/deepspeech/__init__.py b/examples/transv1.8to2.x/deepspeech/__init__.py new file mode 100644 index 000000000..d85a3dde7 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/__init__.py @@ -0,0 +1,370 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from typing import Any +from typing import List +from typing import Tuple +from typing import Union + +import paddle +from paddle import nn +from paddle.fluid import core +from paddle.nn import functional as F + +from deepspeech.utils.log import Log + +#TODO(Hui Zhang): remove fluid import +logger = Log(__name__).getlog() + +########### hcak logging ############# +logger.warn = logger.warning + +########### hcak paddle ############# +paddle.half = 'float16' +paddle.float = 'float32' +paddle.double = 'float64' +paddle.short = 'int16' +paddle.int = 'int32' +paddle.long = 'int64' +paddle.uint16 = 'uint16' +paddle.cdouble = 'complex128' + + +def convert_dtype_to_string(tensor_dtype): + """ + Convert the data type in numpy to the data type in Paddle + Args: + tensor_dtype(core.VarDesc.VarType): the data type in numpy. + Returns: + core.VarDesc.VarType: the data type in Paddle. + """ + dtype = tensor_dtype + if dtype == core.VarDesc.VarType.FP32: + return paddle.float32 + elif dtype == core.VarDesc.VarType.FP64: + return paddle.float64 + elif dtype == core.VarDesc.VarType.FP16: + return paddle.float16 + elif dtype == core.VarDesc.VarType.INT32: + return paddle.int32 + elif dtype == core.VarDesc.VarType.INT16: + return paddle.int16 + elif dtype == core.VarDesc.VarType.INT64: + return paddle.int64 + elif dtype == core.VarDesc.VarType.BOOL: + return paddle.bool + elif dtype == core.VarDesc.VarType.BF16: + # since there is still no support for bfloat16 in NumPy, + # uint16 is used for casting bfloat16 + return paddle.uint16 + elif dtype == core.VarDesc.VarType.UINT8: + return paddle.uint8 + elif dtype == core.VarDesc.VarType.INT8: + return paddle.int8 + elif dtype == core.VarDesc.VarType.COMPLEX64: + return paddle.complex64 + elif dtype == core.VarDesc.VarType.COMPLEX128: + return paddle.complex128 + else: + raise ValueError("Not supported tensor dtype %s" % dtype) + + +if not hasattr(paddle, 'softmax'): + logger.warn("register user softmax to paddle, remove this when fixed!") + setattr(paddle, 'softmax', paddle.nn.functional.softmax) + +if not hasattr(paddle, 'log_softmax'): + logger.warn("register user log_softmax to paddle, remove this when fixed!") + setattr(paddle, 'log_softmax', paddle.nn.functional.log_softmax) + +if not hasattr(paddle, 'sigmoid'): + logger.warn("register user sigmoid to paddle, remove this when fixed!") + setattr(paddle, 'sigmoid', paddle.nn.functional.sigmoid) + +if not hasattr(paddle, 'log_sigmoid'): + logger.warn("register user log_sigmoid to paddle, remove this when fixed!") + setattr(paddle, 'log_sigmoid', paddle.nn.functional.log_sigmoid) + +if not hasattr(paddle, 'relu'): + logger.warn("register user relu to paddle, remove this when fixed!") + setattr(paddle, 'relu', paddle.nn.functional.relu) + + +def cat(xs, dim=0): + return paddle.concat(xs, axis=dim) + + +if not hasattr(paddle, 'cat'): + logger.warn( + "override cat of paddle if exists or register, remove this when fixed!") + paddle.cat = cat + + +########### hcak paddle.Tensor ############# +def item(x: paddle.Tensor): + return x.numpy().item() + + +if not hasattr(paddle.Tensor, 'item'): + logger.warn( + "override item of paddle.Tensor if exists or register, remove this when fixed!" + ) + paddle.Tensor.item = item + + +def func_long(x: paddle.Tensor): + return paddle.cast(x, paddle.long) + + +if not hasattr(paddle.Tensor, 'long'): + logger.warn( + "override long of paddle.Tensor if exists or register, remove this when fixed!" + ) + paddle.Tensor.long = func_long + +if not hasattr(paddle.Tensor, 'numel'): + logger.warn( + "override numel of paddle.Tensor if exists or register, remove this when fixed!" + ) + paddle.Tensor.numel = paddle.numel + + +def new_full(x: paddle.Tensor, + size: Union[List[int], Tuple[int], paddle.Tensor], + fill_value: Union[float, int, bool, paddle.Tensor], + dtype=None): + return paddle.full(size, fill_value, dtype=x.dtype) + + +if not hasattr(paddle.Tensor, 'new_full'): + logger.warn( + "override new_full of paddle.Tensor if exists or register, remove this when fixed!" + ) + paddle.Tensor.new_full = new_full + + +def eq(xs: paddle.Tensor, ys: Union[paddle.Tensor, float]) -> paddle.Tensor: + if convert_dtype_to_string(xs.dtype) == paddle.bool: + xs = xs.astype(paddle.int) + return xs.equal( + paddle.to_tensor( + ys, dtype=convert_dtype_to_string(xs.dtype), place=xs.place)) + + +if not hasattr(paddle.Tensor, 'eq'): + logger.warn( + "override eq of paddle.Tensor if exists or register, remove this when fixed!" + ) + paddle.Tensor.eq = eq + +if not hasattr(paddle, 'eq'): + logger.warn( + "override eq of paddle if exists or register, remove this when fixed!") + paddle.eq = eq + + +def contiguous(xs: paddle.Tensor) -> paddle.Tensor: + return xs + + +if not hasattr(paddle.Tensor, 'contiguous'): + logger.warn( + "override contiguous of paddle.Tensor if exists or register, remove this when fixed!" + ) + paddle.Tensor.contiguous = contiguous + + +def size(xs: paddle.Tensor, *args: int) -> paddle.Tensor: + nargs = len(args) + assert (nargs <= 1) + s = paddle.shape(xs) + if nargs == 1: + return s[args[0]] + else: + return s + + +#`to_static` do not process `size` property, maybe some `paddle` api dependent on it. +logger.warn( + "override size of paddle.Tensor " + "(`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed!" +) +paddle.Tensor.size = size + + +def view(xs: paddle.Tensor, *args: int) -> paddle.Tensor: + return xs.reshape(args) + + +if not hasattr(paddle.Tensor, 'view'): + logger.warn("register user view to paddle.Tensor, remove this when fixed!") + paddle.Tensor.view = view + + +def view_as(xs: paddle.Tensor, ys: paddle.Tensor) -> paddle.Tensor: + return xs.reshape(ys.size()) + + +if not hasattr(paddle.Tensor, 'view_as'): + logger.warn( + "register user view_as to paddle.Tensor, remove this when fixed!") + paddle.Tensor.view_as = view_as + + +def is_broadcastable(shp1, shp2): + for a, b in zip(shp1[::-1], shp2[::-1]): + if a == 1 or b == 1 or a == b: + pass + else: + return False + return True + + +def masked_fill(xs: paddle.Tensor, + mask: paddle.Tensor, + value: Union[float, int]): + assert is_broadcastable(xs.shape, mask.shape) is True + bshape = paddle.broadcast_shape(xs.shape, mask.shape) + mask = mask.broadcast_to(bshape) + trues = paddle.ones_like(xs) * value + xs = paddle.where(mask, trues, xs) + return xs + + +if not hasattr(paddle.Tensor, 'masked_fill'): + logger.warn( + "register user masked_fill to paddle.Tensor, remove this when fixed!") + paddle.Tensor.masked_fill = masked_fill + + +def masked_fill_(xs: paddle.Tensor, + mask: paddle.Tensor, + value: Union[float, int]) -> paddle.Tensor: + assert is_broadcastable(xs.shape, mask.shape) is True + bshape = paddle.broadcast_shape(xs.shape, mask.shape) + mask = mask.broadcast_to(bshape) + trues = paddle.ones_like(xs) * value + ret = paddle.where(mask, trues, xs) + paddle.assign(ret.detach(), output=xs) + return xs + + +if not hasattr(paddle.Tensor, 'masked_fill_'): + logger.warn( + "register user masked_fill_ to paddle.Tensor, remove this when fixed!") + paddle.Tensor.masked_fill_ = masked_fill_ + + +def fill_(xs: paddle.Tensor, value: Union[float, int]) -> paddle.Tensor: + val = paddle.full_like(xs, value) + paddle.assign(val.detach(), output=xs) + return xs + + +if not hasattr(paddle.Tensor, 'fill_'): + logger.warn("register user fill_ to paddle.Tensor, remove this when fixed!") + paddle.Tensor.fill_ = fill_ + + +def repeat(xs: paddle.Tensor, *size: Any) -> paddle.Tensor: + return paddle.tile(xs, size) + + +if not hasattr(paddle.Tensor, 'repeat'): + logger.warn( + "register user repeat to paddle.Tensor, remove this when fixed!") + paddle.Tensor.repeat = repeat + +if not hasattr(paddle.Tensor, 'softmax'): + logger.warn( + "register user softmax to paddle.Tensor, remove this when fixed!") + setattr(paddle.Tensor, 'softmax', paddle.nn.functional.softmax) + +if not hasattr(paddle.Tensor, 'sigmoid'): + logger.warn( + "register user sigmoid to paddle.Tensor, remove this when fixed!") + setattr(paddle.Tensor, 'sigmoid', paddle.nn.functional.sigmoid) + +if not hasattr(paddle.Tensor, 'relu'): + logger.warn("register user relu to paddle.Tensor, remove this when fixed!") + setattr(paddle.Tensor, 'relu', paddle.nn.functional.relu) + + +def type_as(x: paddle.Tensor, other: paddle.Tensor) -> paddle.Tensor: + return x.astype(other.dtype) + + +if not hasattr(paddle.Tensor, 'type_as'): + logger.warn( + "register user type_as to paddle.Tensor, remove this when fixed!") + setattr(paddle.Tensor, 'type_as', type_as) + + +def to(x: paddle.Tensor, *args, **kwargs) -> paddle.Tensor: + assert len(args) == 1 + if isinstance(args[0], str): # dtype + return x.astype(args[0]) + elif isinstance(args[0], paddle.Tensor): #Tensor + return x.astype(args[0].dtype) + else: # Device + return x + + +if not hasattr(paddle.Tensor, 'to'): + logger.warn("register user to to paddle.Tensor, remove this when fixed!") + setattr(paddle.Tensor, 'to', to) + + +def func_float(x: paddle.Tensor) -> paddle.Tensor: + return x.astype(paddle.float) + + +if not hasattr(paddle.Tensor, 'float'): + logger.warn("register user float to paddle.Tensor, remove this when fixed!") + setattr(paddle.Tensor, 'float', func_float) + + +def func_int(x: paddle.Tensor) -> paddle.Tensor: + return x.astype(paddle.int) + + +if not hasattr(paddle.Tensor, 'int'): + logger.warn("register user int to paddle.Tensor, remove this when fixed!") + setattr(paddle.Tensor, 'int', func_int) + + +def tolist(x: paddle.Tensor) -> List[Any]: + return x.numpy().tolist() + + +if not hasattr(paddle.Tensor, 'tolist'): + logger.warn( + "register user tolist to paddle.Tensor, remove this when fixed!") + setattr(paddle.Tensor, 'tolist', tolist) + + +########### hcak paddle.nn ############# +class GLU(nn.Layer): + """Gated Linear Units (GLU) Layer""" + + def __init__(self, dim: int=-1): + super().__init__() + self.dim = dim + + def forward(self, xs): + return F.glu(xs, axis=self.dim) + + +if not hasattr(paddle.nn, 'GLU'): + logger.warn("register user GLU to paddle.nn, remove this when fixed!") + setattr(paddle.nn, 'GLU', GLU) diff --git a/examples/transv1.8to2.x/deepspeech/decoders/README.MD b/examples/transv1.8to2.x/deepspeech/decoders/README.MD new file mode 100644 index 000000000..046069d61 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/decoders/README.MD @@ -0,0 +1,3 @@ +# Reference +* [Sequence Modeling With CTC](https://distill.pub/2017/ctc/) +* [First-Pass Large Vocabulary Continuous Speech Recognition using Bi-Directional Recurrent DNNs](https://arxiv.org/pdf/1408.2873.pdf) \ No newline at end of file diff --git a/examples/transv1.8to2.x/deepspeech/decoders/__init__.py b/examples/transv1.8to2.x/deepspeech/decoders/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/decoders/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/decoders/decoders_deprecated.py b/examples/transv1.8to2.x/deepspeech/decoders/decoders_deprecated.py new file mode 100644 index 000000000..fef08807e --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/decoders/decoders_deprecated.py @@ -0,0 +1,248 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains various CTC decoders.""" +import multiprocessing +from itertools import groupby +from math import log + +import numpy as np + + +def ctc_greedy_decoder(probs_seq, vocabulary): + """CTC greedy (best path) decoder. + + Path consisting of the most probable tokens are further post-processed to + remove consecutive repetitions and all blanks. + + :param probs_seq: 2-D list of probabilities over the vocabulary for each + character. Each element is a list of float probabilities + for one character. + :type probs_seq: list + :param vocabulary: Vocabulary list. + :type vocabulary: list + :return: Decoding result string. + :rtype: baseline + """ + # dimension verification + for probs in probs_seq: + if not len(probs) == len(vocabulary) + 1: + raise ValueError("probs_seq dimension mismatchedd with vocabulary") + # argmax to get the best index for each time step + max_index_list = list(np.array(probs_seq).argmax(axis=1)) + # remove consecutive duplicate indexes + index_list = [index_group[0] for index_group in groupby(max_index_list)] + # remove blank indexes + blank_index = len(vocabulary) + index_list = [index for index in index_list if index != blank_index] + # convert index list to string + return ''.join([vocabulary[index] for index in index_list]) + + +def ctc_beam_search_decoder(probs_seq, + beam_size, + vocabulary, + cutoff_prob=1.0, + cutoff_top_n=40, + ext_scoring_func=None, + nproc=False): + """CTC Beam search decoder. + + It utilizes beam search to approximately select top best decoding + labels and returning results in the descending order. + The implementation is based on Prefix Beam Search + (https://arxiv.org/abs/1408.2873), and the unclear part is + redesigned. Two important modifications: 1) in the iterative computation + of probabilities, the assignment operation is changed to accumulation for + one prefix may comes from different paths; 2) the if condition "if l^+ not + in A_prev then" after probabilities' computation is deprecated for it is + hard to understand and seems unnecessary. + + :param probs_seq: 2-D list of probability distributions over each time + step, with each element being a list of normalized + probabilities over vocabulary and blank. + :type probs_seq: 2-D list + :param beam_size: Width for beam search. + :type beam_size: int + :param vocabulary: Vocabulary list. + :type vocabulary: list + :param cutoff_prob: Cutoff probability in pruning, + default 1.0, no pruning. + :type cutoff_prob: float + :param ext_scoring_func: External scoring function for + partially decoded sentence, e.g. word count + or language model. + :type external_scoring_func: callable + :param nproc: Whether the decoder used in multiprocesses. + :type nproc: bool + :return: List of tuples of log probability and sentence as decoding + results, in descending order of the probability. + :rtype: list + """ + # dimension check + for prob_list in probs_seq: + if not len(prob_list) == len(vocabulary) + 1: + raise ValueError("The shape of prob_seq does not match with the " + "shape of the vocabulary.") + + # blank_id assign + blank_id = len(vocabulary) + + # If the decoder called in the multiprocesses, then use the global scorer + # instantiated in ctc_beam_search_decoder_batch(). + if nproc is True: + global ext_nproc_scorer + ext_scoring_func = ext_nproc_scorer + + # initialize + # prefix_set_prev: the set containing selected prefixes + # probs_b_prev: prefixes' probability ending with blank in previous step + # probs_nb_prev: prefixes' probability ending with non-blank in previous step + prefix_set_prev = {'\t': 1.0} + probs_b_prev, probs_nb_prev = {'\t': 1.0}, {'\t': 0.0} + + # extend prefix in loop + for time_step in range(len(probs_seq)): + # prefix_set_next: the set containing candidate prefixes + # probs_b_cur: prefixes' probability ending with blank in current step + # probs_nb_cur: prefixes' probability ending with non-blank in current step + prefix_set_next, probs_b_cur, probs_nb_cur = {}, {}, {} + + prob_idx = list(enumerate(probs_seq[time_step])) + cutoff_len = len(prob_idx) + # If pruning is enabled + if cutoff_prob < 1.0 or cutoff_top_n < cutoff_len: + prob_idx = sorted(prob_idx, key=lambda asd: asd[1], reverse=True) + cutoff_len, cum_prob = 0, 0.0 + for i in range(len(prob_idx)): + cum_prob += prob_idx[i][1] + cutoff_len += 1 + if cum_prob >= cutoff_prob: + break + cutoff_len = min(cutoff_len, cutoff_top_n) + prob_idx = prob_idx[0:cutoff_len] + + for l in prefix_set_prev: + if l not in prefix_set_next: + probs_b_cur[l], probs_nb_cur[l] = 0.0, 0.0 + + # extend prefix by travering prob_idx + for index in range(cutoff_len): + c, prob_c = prob_idx[index][0], prob_idx[index][1] + + if c == blank_id: + probs_b_cur[l] += prob_c * ( + probs_b_prev[l] + probs_nb_prev[l]) + else: + last_char = l[-1] + new_char = vocabulary[c] + l_plus = l + new_char + if l_plus not in prefix_set_next: + probs_b_cur[l_plus], probs_nb_cur[l_plus] = 0.0, 0.0 + + if new_char == last_char: + probs_nb_cur[l_plus] += prob_c * probs_b_prev[l] + probs_nb_cur[l] += prob_c * probs_nb_prev[l] + elif new_char == ' ': + if (ext_scoring_func is None) or (len(l) == 1): + score = 1.0 + else: + prefix = l[1:] + score = ext_scoring_func(prefix) + probs_nb_cur[l_plus] += score * prob_c * ( + probs_b_prev[l] + probs_nb_prev[l]) + else: + probs_nb_cur[l_plus] += prob_c * ( + probs_b_prev[l] + probs_nb_prev[l]) + # add l_plus into prefix_set_next + prefix_set_next[l_plus] = probs_nb_cur[ + l_plus] + probs_b_cur[l_plus] + # add l into prefix_set_next + prefix_set_next[l] = probs_b_cur[l] + probs_nb_cur[l] + # update probs + probs_b_prev, probs_nb_prev = probs_b_cur, probs_nb_cur + + # store top beam_size prefixes + prefix_set_prev = sorted( + prefix_set_next.items(), key=lambda asd: asd[1], reverse=True) + if beam_size < len(prefix_set_prev): + prefix_set_prev = prefix_set_prev[:beam_size] + prefix_set_prev = dict(prefix_set_prev) + + beam_result = [] + for seq, prob in prefix_set_prev.items(): + if prob > 0.0 and len(seq) > 1: + result = seq[1:] + # score last word by external scorer + if (ext_scoring_func is not None) and (result[-1] != ' '): + prob = prob * ext_scoring_func(result) + log_prob = log(prob) + beam_result.append((log_prob, result)) + else: + beam_result.append((float('-inf'), '')) + + # output top beam_size decoding results + beam_result = sorted(beam_result, key=lambda asd: asd[0], reverse=True) + return beam_result + + +def ctc_beam_search_decoder_batch(probs_split, + beam_size, + vocabulary, + num_processes, + cutoff_prob=1.0, + cutoff_top_n=40, + ext_scoring_func=None): + """CTC beam search decoder using multiple processes. + + :param probs_seq: 3-D list with each element as an instance of 2-D list + of probabilities used by ctc_beam_search_decoder(). + :type probs_seq: 3-D list + :param beam_size: Width for beam search. + :type beam_size: int + :param vocabulary: Vocabulary list. + :type vocabulary: list + :param num_processes: Number of parallel processes. + :type num_processes: int + :param cutoff_prob: Cutoff probability in pruning, + default 1.0, no pruning. + :type cutoff_prob: float + :param num_processes: Number of parallel processes. + :type num_processes: int + :param ext_scoring_func: External scoring function for + partially decoded sentence, e.g. word count + or language model. + :type external_scoring_function: callable + :return: List of tuples of log probability and sentence as decoding + results, in descending order of the probability. + :rtype: list + """ + if not num_processes > 0: + raise ValueError("Number of processes must be positive!") + + # use global variable to pass the externnal scorer to beam search decoder + global ext_nproc_scorer + ext_nproc_scorer = ext_scoring_func + nproc = True + + pool = multiprocessing.Pool(processes=num_processes) + results = [] + for i, probs_list in enumerate(probs_split): + args = (probs_list, beam_size, vocabulary, cutoff_prob, cutoff_top_n, + None, nproc) + results.append(pool.apply_async(ctc_beam_search_decoder, args)) + + pool.close() + pool.join() + beam_search_results = [result.get() for result in results] + return beam_search_results diff --git a/examples/transv1.8to2.x/deepspeech/decoders/scorer_deprecated.py b/examples/transv1.8to2.x/deepspeech/decoders/scorer_deprecated.py new file mode 100644 index 000000000..d81fb2e3c --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/decoders/scorer_deprecated.py @@ -0,0 +1,78 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""External Scorer for Beam Search Decoder.""" +import os + +import kenlm +import numpy as np + + +class Scorer(object): + """External scorer to evaluate a prefix or whole sentence in + beam search decoding, including the score from n-gram language + model and word count. + + :param alpha: Parameter associated with language model. Don't use + language model when alpha = 0. + :type alpha: float + :param beta: Parameter associated with word count. Don't use word + count when beta = 0. + :type beta: float + :model_path: Path to load language model. + :type model_path: str + """ + + def __init__(self, alpha, beta, model_path): + self._alpha = alpha + self._beta = beta + if not os.path.isfile(model_path): + raise IOError("Invaid language model path: %s" % model_path) + self._language_model = kenlm.LanguageModel(model_path) + + # n-gram language model scoring + def _language_model_score(self, sentence): + #log10 prob of last word + log_cond_prob = list( + self._language_model.full_scores(sentence, eos=False))[-1][0] + return np.power(10, log_cond_prob) + + # word insertion term + def _word_count(self, sentence): + words = sentence.strip().split(' ') + return len(words) + + # reset alpha and beta + def reset_params(self, alpha, beta): + self._alpha = alpha + self._beta = beta + + # execute evaluation + def __call__(self, sentence, log=False): + """Evaluation function, gathering all the different scores + and return the final one. + + :param sentence: The input sentence for evalutation + :type sentence: str + :param log: Whether return the score in log representation. + :type log: bool + :return: Evaluation score, in the decimal or log. + :rtype: float + """ + lm = self._language_model_score(sentence) + word_cnt = self._word_count(sentence) + if log is False: + score = np.power(lm, self._alpha) * np.power(word_cnt, self._beta) + else: + score = self._alpha * np.log(lm) + self._beta * np.log(word_cnt) + return score diff --git a/examples/transv1.8to2.x/deepspeech/decoders/swig_wrapper.py b/examples/transv1.8to2.x/deepspeech/decoders/swig_wrapper.py new file mode 100644 index 000000000..d883d430c --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/decoders/swig_wrapper.py @@ -0,0 +1,134 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Wrapper for various CTC decoders in SWIG.""" +import swig_decoders + + +class Scorer(swig_decoders.Scorer): + """Wrapper for Scorer. + + :param alpha: Parameter associated with language model. Don't use + language model when alpha = 0. + :type alpha: float + :param beta: Parameter associated with word count. Don't use word + count when beta = 0. + :type beta: float + :model_path: Path to load language model. + :type model_path: str + """ + + def __init__(self, alpha, beta, model_path, vocabulary): + swig_decoders.Scorer.__init__(self, alpha, beta, model_path, vocabulary) + + +def ctc_greedy_decoder(probs_seq, vocabulary, blank_id): + """Wrapper for ctc best path decoder in swig. + + :param probs_seq: 2-D list of probability distributions over each time + step, with each element being a list of normalized + probabilities over vocabulary and blank. + :type probs_seq: 2-D list + :param vocabulary: Vocabulary list. + :type vocabulary: list + :return: Decoding result string. + :rtype: str + """ + result = swig_decoders.ctc_greedy_decoder(probs_seq.tolist(), vocabulary, + blank_id) + return result + + +def ctc_beam_search_decoder(probs_seq, + vocabulary, + beam_size, + cutoff_prob=1.0, + cutoff_top_n=40, + ext_scoring_func=None, + blank_id=0): + """Wrapper for the CTC Beam Search Decoder. + + :param probs_seq: 2-D list of probability distributions over each time + step, with each element being a list of normalized + probabilities over vocabulary and blank. + :type probs_seq: 2-D list + :param vocabulary: Vocabulary list. + :type vocabulary: list + :param beam_size: Width for beam search. + :type beam_size: int + :param cutoff_prob: Cutoff probability in pruning, + default 1.0, no pruning. + :type cutoff_prob: float + :param cutoff_top_n: Cutoff number in pruning, only top cutoff_top_n + characters with highest probs in vocabulary will be + used in beam search, default 40. + :type cutoff_top_n: int + :param ext_scoring_func: External scoring function for + partially decoded sentence, e.g. word count + or language model. + :type external_scoring_func: callable + :return: List of tuples of log probability and sentence as decoding + results, in descending order of the probability. + :rtype: list + """ + beam_results = swig_decoders.ctc_beam_search_decoder( + probs_seq.tolist(), vocabulary, beam_size, cutoff_prob, cutoff_top_n, + ext_scoring_func, blank_id) + beam_results = [(res[0], res[1].decode('utf-8')) for res in beam_results] + return beam_results + + +def ctc_beam_search_decoder_batch(probs_split, + vocabulary, + beam_size, + num_processes, + cutoff_prob=1.0, + cutoff_top_n=40, + ext_scoring_func=None, + blank_id=0): + """Wrapper for the batched CTC beam search decoder. + + :param probs_seq: 3-D list with each element as an instance of 2-D list + of probabilities used by ctc_beam_search_decoder(). + :type probs_seq: 3-D list + :param vocabulary: Vocabulary list. + :type vocabulary: list + :param beam_size: Width for beam search. + :type beam_size: int + :param num_processes: Number of parallel processes. + :type num_processes: int + :param cutoff_prob: Cutoff probability in vocabulary pruning, + default 1.0, no pruning. + :type cutoff_prob: float + :param cutoff_top_n: Cutoff number in pruning, only top cutoff_top_n + characters with highest probs in vocabulary will be + used in beam search, default 40. + :type cutoff_top_n: int + :param num_processes: Number of parallel processes. + :type num_processes: int + :param ext_scoring_func: External scoring function for + partially decoded sentence, e.g. word count + or language model. + :type external_scoring_function: callable + :return: List of tuples of log probability and sentence as decoding + results, in descending order of the probability. + :rtype: list + """ + probs_split = [probs_seq.tolist() for probs_seq in probs_split] + + batch_beam_results = swig_decoders.ctc_beam_search_decoder_batch( + probs_split, vocabulary, beam_size, num_processes, cutoff_prob, + cutoff_top_n, ext_scoring_func, blank_id) + batch_beam_results = [[(res[0], res[1]) for res in beam_results] + for beam_results in batch_beam_results] + return batch_beam_results diff --git a/examples/transv1.8to2.x/deepspeech/frontend/__init__.py b/examples/transv1.8to2.x/deepspeech/frontend/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/frontend/audio.py b/examples/transv1.8to2.x/deepspeech/frontend/audio.py new file mode 100644 index 000000000..ffdcd4b3a --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/audio.py @@ -0,0 +1,721 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the audio segment class.""" +import copy +import io +import random +import re +import struct + +import numpy as np +import resampy +import soundfile +import soxbindings as sox +from scipy import signal + + +class AudioSegment(object): + """Monaural audio segment abstraction. + + :param samples: Audio samples [num_samples x num_channels]. + :type samples: ndarray.float32 + :param sample_rate: Audio sample rate. + :type sample_rate: int + :raises TypeError: If the sample data type is not float or int. + """ + + def __init__(self, samples, sample_rate): + """Create audio segment from samples. + + Samples are convert float32 internally, with int scaled to [-1, 1]. + """ + self._samples = self._convert_samples_to_float32(samples) + self._sample_rate = sample_rate + if self._samples.ndim >= 2: + self._samples = np.mean(self._samples, 1) + + def __eq__(self, other): + """Return whether two objects are equal.""" + if type(other) is not type(self): + return False + if self._sample_rate != other._sample_rate: + return False + if self._samples.shape != other._samples.shape: + return False + if np.any(self.samples != other._samples): + return False + return True + + def __ne__(self, other): + """Return whether two objects are unequal.""" + return not self.__eq__(other) + + def __str__(self): + """Return human-readable representation of segment.""" + return ("%s: num_samples=%d, sample_rate=%d, duration=%.2fsec, " + "rms=%.2fdB" % (type(self), self.num_samples, self.sample_rate, + self.duration, self.rms_db)) + + @classmethod + def from_file(cls, file): + """Create audio segment from audio file. + + :param filepath: Filepath or file object to audio file. + :type filepath: str|file + :return: Audio segment instance. + :rtype: AudioSegment + """ + if isinstance(file, str) and re.findall(r".seqbin_\d+$", file): + return cls.from_sequence_file(file) + else: + samples, sample_rate = soundfile.read(file, dtype='float32') + return cls(samples, sample_rate) + + @classmethod + def slice_from_file(cls, file, start=None, end=None): + """Loads a small section of an audio without having to load + the entire file into the memory which can be incredibly wasteful. + + :param file: Input audio filepath or file object. + :type file: str|file + :param start: Start time in seconds. If start is negative, it wraps + around from the end. If not provided, this function + reads from the very beginning. + :type start: float + :param end: End time in seconds. If end is negative, it wraps around + from the end. If not provided, the default behvaior is + to read to the end of the file. + :type end: float + :return: AudioSegment instance of the specified slice of the input + audio file. + :rtype: AudioSegment + :raise ValueError: If start or end is incorrectly set, e.g. out of + bounds in time. + """ + sndfile = soundfile.SoundFile(file) + sample_rate = sndfile.samplerate + duration = float(len(sndfile)) / sample_rate + start = 0. if start is None else start + end = duration if end is None else end + if start < 0.0: + start += duration + if end < 0.0: + end += duration + if start < 0.0: + raise ValueError("The slice start position (%f s) is out of " + "bounds." % start) + if end < 0.0: + raise ValueError("The slice end position (%f s) is out of bounds." % + end) + if start > end: + raise ValueError("The slice start position (%f s) is later than " + "the slice end position (%f s)." % (start, end)) + if end > duration: + raise ValueError("The slice end position (%f s) is out of bounds " + "(> %f s)" % (end, duration)) + start_frame = int(start * sample_rate) + end_frame = int(end * sample_rate) + sndfile.seek(start_frame) + data = sndfile.read(frames=end_frame - start_frame, dtype='float32') + return cls(data, sample_rate) + + @classmethod + def from_sequence_file(cls, filepath): + """Create audio segment from sequence file. Sequence file is a binary + file containing a collection of multiple audio files, with several + header bytes in the head indicating the offsets of each audio byte data + chunk. + + The format is: + + 4 bytes (int, version), + 4 bytes (int, num of utterance), + 4 bytes (int, bytes per header), + [bytes_per_header*(num_utterance+1)] bytes (offsets for each audio), + audio_bytes_data_of_1st_utterance, + audio_bytes_data_of_2nd_utterance, + ...... + + Sequence file name must end with ".seqbin". And the filename of the 5th + utterance's audio file in sequence file "xxx.seqbin" must be + "xxx.seqbin_5", with "5" indicating the utterance index within this + sequence file (starting from 1). + + :param filepath: Filepath of sequence file. + :type filepath: str + :return: Audio segment instance. + :rtype: AudioSegment + """ + # parse filepath + matches = re.match(r"(.+\.seqbin)_(\d+)", filepath) + if matches is None: + raise IOError("File type of %s is not supported" % filepath) + filename = matches.group(1) + fileno = int(matches.group(2)) + + # read headers + f = io.open(filename, mode='rb', encoding='utf8') + version = f.read(4) + num_utterances = struct.unpack("i", f.read(4))[0] + bytes_per_header = struct.unpack("i", f.read(4))[0] + header_bytes = f.read(bytes_per_header * (num_utterances + 1)) + header = [ + struct.unpack("i", header_bytes[bytes_per_header * i: + bytes_per_header * (i + 1)])[0] + for i in range(num_utterances + 1) + ] + + # read audio bytes + f.seek(header[fileno - 1]) + audio_bytes = f.read(header[fileno] - header[fileno - 1]) + f.close() + + # create audio segment + try: + return cls.from_bytes(audio_bytes) + except Exception as e: + samples = np.frombuffer(audio_bytes, dtype='int16') + return cls(samples=samples, sample_rate=8000) + + @classmethod + def from_bytes(cls, bytes): + """Create audio segment from a byte string containing audio samples. + + :param bytes: Byte string containing audio samples. + :type bytes: str + :return: Audio segment instance. + :rtype: AudioSegment + """ + samples, sample_rate = soundfile.read( + io.BytesIO(bytes), dtype='float32') + return cls(samples, sample_rate) + + @classmethod + def concatenate(cls, *segments): + """Concatenate an arbitrary number of audio segments together. + + :param *segments: Input audio segments to be concatenated. + :type *segments: tuple of AudioSegment + :return: Audio segment instance as concatenating results. + :rtype: AudioSegment + :raises ValueError: If the number of segments is zero, or if the + sample_rate of any segments does not match. + :raises TypeError: If any segment is not AudioSegment instance. + """ + # Perform basic sanity-checks. + if len(segments) == 0: + raise ValueError("No audio segments are given to concatenate.") + sample_rate = segments[0]._sample_rate + for seg in segments: + if sample_rate != seg._sample_rate: + raise ValueError("Can't concatenate segments with " + "different sample rates") + if type(seg) is not cls: + raise TypeError("Only audio segments of the same type " + "can be concatenated.") + samples = np.concatenate([seg.samples for seg in segments]) + return cls(samples, sample_rate) + + @classmethod + def make_silence(cls, duration, sample_rate): + """Creates a silent audio segment of the given duration and sample rate. + + :param duration: Length of silence in seconds. + :type duration: float + :param sample_rate: Sample rate. + :type sample_rate: float + :return: Silent AudioSegment instance of the given duration. + :rtype: AudioSegment + """ + samples = np.zeros(int(duration * sample_rate)) + return cls(samples, sample_rate) + + def to_wav_file(self, filepath, dtype='float32'): + """Save audio segment to disk as wav file. + + :param filepath: WAV filepath or file object to save the + audio segment. + :type filepath: str|file + :param dtype: Subtype for audio file. Options: 'int16', 'int32', + 'float32', 'float64'. Default is 'float32'. + :type dtype: str + :raises TypeError: If dtype is not supported. + """ + samples = self._convert_samples_from_float32(self._samples, dtype) + subtype_map = { + 'int16': 'PCM_16', + 'int32': 'PCM_32', + 'float32': 'FLOAT', + 'float64': 'DOUBLE' + } + soundfile.write( + filepath, + samples, + self._sample_rate, + format='WAV', + subtype=subtype_map[dtype]) + + def superimpose(self, other): + """Add samples from another segment to those of this segment + (sample-wise addition, not segment concatenation). + + Note that this is an in-place transformation. + + :param other: Segment containing samples to be added in. + :type other: AudioSegments + :raise TypeError: If type of two segments don't match. + :raise ValueError: If the sample rates of the two segments are not + equal, or if the lengths of segments don't match. + """ + if isinstance(other, type(self)): + raise TypeError("Cannot add segments of different types: %s " + "and %s." % (type(self), type(other))) + if self._sample_rate != other._sample_rate: + raise ValueError("Sample rates must match to add segments.") + if len(self._samples) != len(other._samples): + raise ValueError("Segment lengths must match to add segments.") + self._samples += other._samples + + def to_bytes(self, dtype='float32'): + """Create a byte string containing the audio content. + + :param dtype: Data type for export samples. Options: 'int16', 'int32', + 'float32', 'float64'. Default is 'float32'. + :type dtype: str + :return: Byte string containing audio content. + :rtype: str + """ + samples = self._convert_samples_from_float32(self._samples, dtype) + return samples.tostring() + + def to(self, dtype='int16'): + """Create a `dtype` audio content. + + :param dtype: Data type for export samples. Options: 'int16', 'int32', + 'float32', 'float64'. Default is 'float32'. + :type dtype: str + :return: np.ndarray containing `dtype` audio content. + :rtype: str + """ + samples = self._convert_samples_from_float32(self._samples, dtype) + return samples + + def gain_db(self, gain): + """Apply gain in decibels to samples. + + Note that this is an in-place transformation. + + :param gain: Gain in decibels to apply to samples. + :type gain: float|1darray + """ + self._samples *= 10.**(gain / 20.) + + def change_speed(self, speed_rate): + """Change the audio speed by linear interpolation. + + Note that this is an in-place transformation. + + :param speed_rate: Rate of speed change: + speed_rate > 1.0, speed up the audio; + speed_rate = 1.0, unchanged; + speed_rate < 1.0, slow down the audio; + speed_rate <= 0.0, not allowed, raise ValueError. + :type speed_rate: float + :raises ValueError: If speed_rate <= 0.0. + """ + if speed_rate == 1.0: + return + if speed_rate <= 0: + raise ValueError("speed_rate should be greater than zero.") + + # numpy + # old_length = self._samples.shape[0] + # new_length = int(old_length / speed_rate) + # old_indices = np.arange(old_length) + # new_indices = np.linspace(start=0, stop=old_length, num=new_length) + # self._samples = np.interp(new_indices, old_indices, self._samples) + + # sox, slow + tfm = sox.Transformer() + tfm.set_globals(multithread=False) + tfm.speed(speed_rate) + self._samples = tfm.build_array( + input_array=self._samples, + sample_rate_in=self._sample_rate).squeeze(-1).astype( + np.float32).copy() + + def normalize(self, target_db=-20, max_gain_db=300.0): + """Normalize audio to be of the desired RMS value in decibels. + + Note that this is an in-place transformation. + + :param target_db: Target RMS value in decibels. This value should be + less than 0.0 as 0.0 is full-scale audio. + :type target_db: float + :param max_gain_db: Max amount of gain in dB that can be applied for + normalization. This is to prevent nans when + attempting to normalize a signal consisting of + all zeros. + :type max_gain_db: float + :raises ValueError: If the required gain to normalize the segment to + the target_db value exceeds max_gain_db. + """ + gain = target_db - self.rms_db + if gain > max_gain_db: + raise ValueError( + "Unable to normalize segment to %f dB because the " + "the probable gain have exceeds max_gain_db (%f dB)" % + (target_db, max_gain_db)) + self.gain_db(min(max_gain_db, target_db - self.rms_db)) + + def normalize_online_bayesian(self, + target_db, + prior_db, + prior_samples, + startup_delay=0.0): + """Normalize audio using a production-compatible online/causal + algorithm. This uses an exponential likelihood and gamma prior to + make online estimates of the RMS even when there are very few samples. + + Note that this is an in-place transformation. + + :param target_db: Target RMS value in decibels. + :type target_bd: float + :param prior_db: Prior RMS estimate in decibels. + :type prior_db: float + :param prior_samples: Prior strength in number of samples. + :type prior_samples: float + :param startup_delay: Default 0.0s. If provided, this function will + accrue statistics for the first startup_delay + seconds before applying online normalization. + :type startup_delay: float + """ + # Estimate total RMS online. + startup_sample_idx = min(self.num_samples - 1, + int(self.sample_rate * startup_delay)) + prior_mean_squared = 10.**(prior_db / 10.) + prior_sum_of_squares = prior_mean_squared * prior_samples + cumsum_of_squares = np.cumsum(self.samples**2) + sample_count = np.arange(self.num_samples) + 1 + if startup_sample_idx > 0: + cumsum_of_squares[:startup_sample_idx] = \ + cumsum_of_squares[startup_sample_idx] + sample_count[:startup_sample_idx] = \ + sample_count[startup_sample_idx] + mean_squared_estimate = ((cumsum_of_squares + prior_sum_of_squares) / + (sample_count + prior_samples)) + rms_estimate_db = 10 * np.log10(mean_squared_estimate) + # Compute required time-varying gain. + gain_db = target_db - rms_estimate_db + self.gain_db(gain_db) + + def resample(self, target_sample_rate, filter='kaiser_best'): + """Resample the audio to a target sample rate. + + Note that this is an in-place transformation. + + :param target_sample_rate: Target sample rate. + :type target_sample_rate: int + :param filter: The resampling filter to use one of {'kaiser_best', + 'kaiser_fast'}. + :type filter: str + """ + self._samples = resampy.resample( + self.samples, self.sample_rate, target_sample_rate, filter=filter) + self._sample_rate = target_sample_rate + + def pad_silence(self, duration, sides='both'): + """Pad this audio sample with a period of silence. + + Note that this is an in-place transformation. + + :param duration: Length of silence in seconds to pad. + :type duration: float + :param sides: Position for padding: + 'beginning' - adds silence in the beginning; + 'end' - adds silence in the end; + 'both' - adds silence in both the beginning and the end. + :type sides: str + :raises ValueError: If sides is not supported. + """ + if duration == 0.0: + return self + cls = type(self) + silence = self.make_silence(duration, self._sample_rate) + if sides == "beginning": + padded = cls.concatenate(silence, self) + elif sides == "end": + padded = cls.concatenate(self, silence) + elif sides == "both": + padded = cls.concatenate(silence, self, silence) + else: + raise ValueError("Unknown value for the sides %s" % sides) + self._samples = padded._samples + + def shift(self, shift_ms): + """Shift the audio in time. If `shift_ms` is positive, shift with time + advance; if negative, shift with time delay. Silence are padded to + keep the duration unchanged. + + Note that this is an in-place transformation. + + :param shift_ms: Shift time in millseconds. If positive, shift with + time advance; if negative; shift with time delay. + :type shift_ms: float + :raises ValueError: If shift_ms is longer than audio duration. + """ + if abs(shift_ms) / 1000.0 > self.duration: + raise ValueError("Absolute value of shift_ms should be smaller " + "than audio duration.") + shift_samples = int(shift_ms * self._sample_rate / 1000) + if shift_samples > 0: + # time advance + self._samples[:-shift_samples] = self._samples[shift_samples:] + self._samples[-shift_samples:] = 0 + elif shift_samples < 0: + # time delay + self._samples[-shift_samples:] = self._samples[:shift_samples] + self._samples[:-shift_samples] = 0 + + def subsegment(self, start_sec=None, end_sec=None): + """Cut the AudioSegment between given boundaries. + + Note that this is an in-place transformation. + + :param start_sec: Beginning of subsegment in seconds. + :type start_sec: float + :param end_sec: End of subsegment in seconds. + :type end_sec: float + :raise ValueError: If start_sec or end_sec is incorrectly set, e.g. out + of bounds in time. + """ + start_sec = 0.0 if start_sec is None else start_sec + end_sec = self.duration if end_sec is None else end_sec + if start_sec < 0.0: + start_sec = self.duration + start_sec + if end_sec < 0.0: + end_sec = self.duration + end_sec + if start_sec < 0.0: + raise ValueError("The slice start position (%f s) is out of " + "bounds." % start_sec) + if end_sec < 0.0: + raise ValueError("The slice end position (%f s) is out of bounds." % + end_sec) + if start_sec > end_sec: + raise ValueError("The slice start position (%f s) is later than " + "the end position (%f s)." % (start_sec, end_sec)) + if end_sec > self.duration: + raise ValueError("The slice end position (%f s) is out of bounds " + "(> %f s)" % (end_sec, self.duration)) + start_sample = int(round(start_sec * self._sample_rate)) + end_sample = int(round(end_sec * self._sample_rate)) + self._samples = self._samples[start_sample:end_sample] + + def random_subsegment(self, subsegment_length, rng=None): + """Cut the specified length of the audiosegment randomly. + + Note that this is an in-place transformation. + + :param subsegment_length: Subsegment length in seconds. + :type subsegment_length: float + :param rng: Random number generator state. + :type rng: random.Random + :raises ValueError: If the length of subsegment is greater than + the origineal segemnt. + """ + rng = random.Random() if rng is None else rng + if subsegment_length > self.duration: + raise ValueError("Length of subsegment must not be greater " + "than original segment.") + start_time = rng.uniform(0.0, self.duration - subsegment_length) + self.subsegment(start_time, start_time + subsegment_length) + + def convolve(self, impulse_segment, allow_resample=False): + """Convolve this audio segment with the given impulse segment. + + Note that this is an in-place transformation. + + :param impulse_segment: Impulse response segments. + :type impulse_segment: AudioSegment + :param allow_resample: Indicates whether resampling is allowed when + the impulse_segment has a different sample + rate from this signal. + :type allow_resample: bool + :raises ValueError: If the sample rate is not match between two + audio segments when resample is not allowed. + """ + if allow_resample and self.sample_rate != impulse_segment.sample_rate: + impulse_segment.resample(self.sample_rate) + if self.sample_rate != impulse_segment.sample_rate: + raise ValueError("Impulse segment's sample rate (%d Hz) is not " + "equal to base signal sample rate (%d Hz)." % + (impulse_segment.sample_rate, self.sample_rate)) + samples = signal.fftconvolve(self.samples, impulse_segment.samples, + "full") + self._samples = samples + + def convolve_and_normalize(self, impulse_segment, allow_resample=False): + """Convolve and normalize the resulting audio segment so that it + has the same average power as the input signal. + + Note that this is an in-place transformation. + + :param impulse_segment: Impulse response segments. + :type impulse_segment: AudioSegment + :param allow_resample: Indicates whether resampling is allowed when + the impulse_segment has a different sample + rate from this signal. + :type allow_resample: bool + """ + target_db = self.rms_db + self.convolve(impulse_segment, allow_resample=allow_resample) + self.normalize(target_db) + + def add_noise(self, + noise, + snr_dB, + allow_downsampling=False, + max_gain_db=300.0, + rng=None): + """Add the given noise segment at a specific signal-to-noise ratio. + If the noise segment is longer than this segment, a random subsegment + of matching length is sampled from it and used instead. + + Note that this is an in-place transformation. + + :param noise: Noise signal to add. + :type noise: AudioSegment + :param snr_dB: Signal-to-Noise Ratio, in decibels. + :type snr_dB: float + :param allow_downsampling: Whether to allow the noise signal to be + downsampled to match the base signal sample + rate. + :type allow_downsampling: bool + :param max_gain_db: Maximum amount of gain to apply to noise signal + before adding it in. This is to prevent attempting + to apply infinite gain to a zero signal. + :type max_gain_db: float + :param rng: Random number generator state. + :type rng: None|random.Random + :raises ValueError: If the sample rate does not match between the two + audio segments when downsampling is not allowed, or + if the duration of noise segments is shorter than + original audio segments. + """ + rng = random.Random() if rng is None else rng + if allow_downsampling and noise.sample_rate > self.sample_rate: + noise = noise.resample(self.sample_rate) + if noise.sample_rate != self.sample_rate: + raise ValueError("Noise sample rate (%d Hz) is not equal to base " + "signal sample rate (%d Hz)." % (noise.sample_rate, + self.sample_rate)) + if noise.duration < self.duration: + raise ValueError("Noise signal (%f sec) must be at least as long as" + " base signal (%f sec)." % + (noise.duration, self.duration)) + noise_gain_db = min(self.rms_db - noise.rms_db - snr_dB, max_gain_db) + noise_new = copy.deepcopy(noise) + noise_new.random_subsegment(self.duration, rng=rng) + noise_new.gain_db(noise_gain_db) + self.superimpose(noise_new) + + @property + def samples(self): + """Return audio samples. + + :return: Audio samples. + :rtype: ndarray + """ + return self._samples.copy() + + @property + def sample_rate(self): + """Return audio sample rate. + + :return: Audio sample rate. + :rtype: int + """ + return self._sample_rate + + @property + def num_samples(self): + """Return number of samples. + + :return: Number of samples. + :rtype: int + """ + return self._samples.shape[0] + + @property + def duration(self): + """Return audio duration. + + :return: Audio duration in seconds. + :rtype: float + """ + return self._samples.shape[0] / float(self._sample_rate) + + @property + def rms_db(self): + """Return root mean square energy of the audio in decibels. + + :return: Root mean square energy in decibels. + :rtype: float + """ + # square root => multiply by 10 instead of 20 for dBs + mean_square = np.mean(self._samples**2) + return 10 * np.log10(mean_square) + + def _convert_samples_to_float32(self, samples): + """Convert sample type to float32. + + Audio sample type is usually integer or float-point. + Integers will be scaled to [-1, 1] in float32. + """ + float32_samples = samples.astype('float32') + if samples.dtype in np.sctypes['int']: + bits = np.iinfo(samples.dtype).bits + float32_samples *= (1. / 2**(bits - 1)) + elif samples.dtype in np.sctypes['float']: + pass + else: + raise TypeError("Unsupported sample type: %s." % samples.dtype) + return float32_samples + + def _convert_samples_from_float32(self, samples, dtype): + """Convert sample type from float32 to dtype. + + Audio sample type is usually integer or float-point. For integer + type, float32 will be rescaled from [-1, 1] to the maximum range + supported by the integer type. + + This is for writing a audio file. + """ + dtype = np.dtype(dtype) + output_samples = samples.copy() + if dtype in np.sctypes['int']: + bits = np.iinfo(dtype).bits + output_samples *= (2**(bits - 1) / 1.) + min_val = np.iinfo(dtype).min + max_val = np.iinfo(dtype).max + output_samples[output_samples > max_val] = max_val + output_samples[output_samples < min_val] = min_val + elif samples.dtype in np.sctypes['float']: + min_val = np.finfo(dtype).min + max_val = np.finfo(dtype).max + output_samples[output_samples > max_val] = max_val + output_samples[output_samples < min_val] = min_val + else: + raise TypeError("Unsupported sample type: %s." % samples.dtype) + return output_samples.astype(dtype) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/__init__.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/augmentation.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/augmentation.py new file mode 100644 index 000000000..17abcf605 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/augmentation.py @@ -0,0 +1,218 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the data augmentation pipeline.""" +import json +from collections.abc import Sequence +from inspect import signature + +import numpy as np + +from deepspeech.frontend.augmentor.base import AugmentorBase +from deepspeech.utils.dynamic_import import dynamic_import +from deepspeech.utils.log import Log + +__all__ = ["AugmentationPipeline"] + +logger = Log(__name__).getlog() + +import_alias = dict( + volume="deepspeech.frontend.augmentor.impulse_response:VolumePerturbAugmentor", + shift="deepspeech.frontend.augmentor.shift_perturb:ShiftPerturbAugmentor", + speed="deepspeech.frontend.augmentor.speed_perturb:SpeedPerturbAugmentor", + resample="deepspeech.frontend.augmentor.resample:ResampleAugmentor", + bayesian_normal="deepspeech.frontend.augmentor.online_bayesian_normalization:OnlineBayesianNormalizationAugmentor", + noise="deepspeech.frontend.augmentor.noise_perturb:NoisePerturbAugmentor", + impulse="deepspeech.frontend.augmentor.impulse_response:ImpulseResponseAugmentor", + specaug="deepspeech.frontend.augmentor.spec_augment:SpecAugmentor", ) + + +class AugmentationPipeline(): + """Build a pre-processing pipeline with various augmentation models.Such a + data augmentation pipeline is oftern leveraged to augment the training + samples to make the model invariant to certain types of perturbations in the + real world, improving model's generalization ability. + + The pipeline is built according the the augmentation configuration in json + string, e.g. + + .. code-block:: + + [ { + "type": "noise", + "params": {"min_snr_dB": 10, + "max_snr_dB": 20, + "noise_manifest_path": "datasets/manifest.noise"}, + "prob": 0.0 + }, + { + "type": "speed", + "params": {"min_speed_rate": 0.9, + "max_speed_rate": 1.1}, + "prob": 1.0 + }, + { + "type": "shift", + "params": {"min_shift_ms": -5, + "max_shift_ms": 5}, + "prob": 1.0 + }, + { + "type": "volume", + "params": {"min_gain_dBFS": -10, + "max_gain_dBFS": 10}, + "prob": 0.0 + }, + { + "type": "bayesian_normal", + "params": {"target_db": -20, + "prior_db": -20, + "prior_samples": 100}, + "prob": 0.0 + } + ] + + This augmentation configuration inserts two augmentation models + into the pipeline, with one is VolumePerturbAugmentor and the other + SpeedPerturbAugmentor. "prob" indicates the probability of the current + augmentor to take effect. If "prob" is zero, the augmentor does not take + effect. + + Params: + augmentation_config(str): Augmentation configuration in json string. + random_seed(int): Random seed. + train(bool): whether is train mode. + + Raises: + ValueError: If the augmentation json config is in incorrect format". + """ + + SPEC_TYPES = {'specaug'} + + def __init__(self, augmentation_config: str, random_seed: int=0): + self._rng = np.random.RandomState(random_seed) + self.conf = {'mode': 'sequential', 'process': []} + if augmentation_config: + process = json.loads(augmentation_config) + self.conf['process'] += process + + self._augmentors, self._rates = self._parse_pipeline_from('all') + self._audio_augmentors, self._audio_rates = self._parse_pipeline_from( + 'audio') + self._spec_augmentors, self._spec_rates = self._parse_pipeline_from( + 'feature') + + def __call__(self, xs, uttid_list=None, **kwargs): + if not isinstance(xs, Sequence): + is_batch = False + xs = [xs] + else: + is_batch = True + + if isinstance(uttid_list, str): + uttid_list = [uttid_list for _ in range(len(xs))] + + if self.conf.get("mode", "sequential") == "sequential": + for idx, (func, rate) in enumerate( + zip(self._augmentors, self._rates), 0): + if self._rng.uniform(0., 1.) >= rate: + continue + + # Derive only the args which the func has + try: + param = signature(func).parameters + except ValueError: + # Some function, e.g. built-in function, are failed + param = {} + _kwargs = {k: v for k, v in kwargs.items() if k in param} + + try: + if uttid_list is not None and "uttid" in param: + xs = [ + func(x, u, **_kwargs) + for x, u in zip(xs, uttid_list) + ] + else: + xs = [func(x, **_kwargs) for x in xs] + except Exception: + logger.fatal("Catch a exception from {}th func: {}".format( + idx, func)) + raise + else: + raise NotImplementedError( + "Not supporting mode={}".format(self.conf["mode"])) + + if is_batch: + return xs + else: + return xs[0] + + def transform_audio(self, audio_segment): + """Run the pre-processing pipeline for data augmentation. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to process. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + for augmentor, rate in zip(self._audio_augmentors, self._audio_rates): + if self._rng.uniform(0., 1.) < rate: + augmentor.transform_audio(audio_segment) + + def transform_feature(self, spec_segment): + """spectrogram augmentation. + + Args: + spec_segment (np.ndarray): audio feature, (D, T). + """ + for augmentor, rate in zip(self._spec_augmentors, self._spec_rates): + if self._rng.uniform(0., 1.) < rate: + spec_segment = augmentor.transform_feature(spec_segment) + return spec_segment + + def _parse_pipeline_from(self, aug_type='all'): + """Parse the config json to build a augmentation pipelien.""" + assert aug_type in ('audio', 'feature', 'all'), aug_type + audio_confs = [] + feature_confs = [] + all_confs = [] + for config in self.conf['process']: + all_confs.append(config) + if config["type"] in self.SPEC_TYPES: + feature_confs.append(config) + else: + audio_confs.append(config) + + if aug_type == 'audio': + aug_confs = audio_confs + elif aug_type == 'feature': + aug_confs = feature_confs + else: + aug_confs = all_confs + + augmentors = [ + self._get_augmentor(config["type"], config["params"]) + for config in aug_confs + ] + rates = [config["prob"] for config in aug_confs] + return augmentors, rates + + def _get_augmentor(self, augmentor_type, params): + """Return an augmentation model by the type name, and pass in params.""" + class_obj = dynamic_import(augmentor_type, import_alias) + assert issubclass(class_obj, AugmentorBase) + try: + obj = class_obj(self._rng, **params) + except Exception: + raise ValueError("Unknown augmentor type [%s]." % augmentor_type) + return obj diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/base.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/base.py new file mode 100644 index 000000000..18d003c0b --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/base.py @@ -0,0 +1,59 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the abstract base class for augmentation models.""" +from abc import ABCMeta +from abc import abstractmethod + + +class AugmentorBase(): + """Abstract base class for augmentation model (augmentor) class. + All augmentor classes should inherit from this class, and implement the + following abstract methods. + """ + + __metaclass__ = ABCMeta + + @abstractmethod + def __init__(self): + pass + + @abstractmethod + def __call__(self, xs): + raise NotImplementedError("AugmentorBase: Not impl __call__") + + @abstractmethod + def transform_audio(self, audio_segment): + """Adds various effects to the input audio segment. Such effects + will augment the training data to make the model invariant to certain + types of perturbations in the real world, improving model's + generalization ability. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + raise NotImplementedError("AugmentorBase: Not impl transform_audio") + + @abstractmethod + def transform_feature(self, spec_segment): + """Adds various effects to the input audo feature segment. Such effects + will augment the training data to make the model invariant to certain + types of time_mask or freq_mask in the real world, improving model's + generalization ability. + + Args: + spec_segment (Spectrogram): Spectrogram segment to add effects to. + """ + raise NotImplementedError("AugmentorBase: Not impl transform_feature") diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/impulse_response.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/impulse_response.py new file mode 100644 index 000000000..818251ed8 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/impulse_response.py @@ -0,0 +1,50 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the impulse response augmentation model.""" +from deepspeech.frontend.audio import AudioSegment +from deepspeech.frontend.augmentor.base import AugmentorBase +from deepspeech.frontend.utility import read_manifest + + +class ImpulseResponseAugmentor(AugmentorBase): + """Augmentation model for adding impulse response effect. + + :param rng: Random generator object. + :type rng: random.Random + :param impulse_manifest_path: Manifest path for impulse audio data. + :type impulse_manifest_path: str + """ + + def __init__(self, rng, impulse_manifest_path): + self._rng = rng + self._impulse_manifest = read_manifest(impulse_manifest_path) + + def __call__(self, x, uttid=None, train=True): + if not train: + return x + self.transform_audio(x) + return x + + def transform_audio(self, audio_segment): + """Add impulse response effect. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + impulse_json = self._rng.choice( + self._impulse_manifest, 1, replace=False)[0] + impulse_segment = AudioSegment.from_file(impulse_json['audio_filepath']) + audio_segment.convolve(impulse_segment, allow_resample=True) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/noise_perturb.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/noise_perturb.py new file mode 100644 index 000000000..790b0c396 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/noise_perturb.py @@ -0,0 +1,64 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the noise perturb augmentation model.""" +from deepspeech.frontend.audio import AudioSegment +from deepspeech.frontend.augmentor.base import AugmentorBase +from deepspeech.frontend.utility import read_manifest + + +class NoisePerturbAugmentor(AugmentorBase): + """Augmentation model for adding background noise. + + :param rng: Random generator object. + :type rng: random.Random + :param min_snr_dB: Minimal signal noise ratio, in decibels. + :type min_snr_dB: float + :param max_snr_dB: Maximal signal noise ratio, in decibels. + :type max_snr_dB: float + :param noise_manifest_path: Manifest path for noise audio data. + :type noise_manifest_path: str + """ + + def __init__(self, rng, min_snr_dB, max_snr_dB, noise_manifest_path): + self._min_snr_dB = min_snr_dB + self._max_snr_dB = max_snr_dB + self._rng = rng + self._noise_manifest = read_manifest(manifest_path=noise_manifest_path) + + def __call__(self, x, uttid=None, train=True): + if not train: + return x + self.transform_audio(x) + return x + + def transform_audio(self, audio_segment): + """Add background noise audio. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + noise_json = self._rng.choice(self._noise_manifest, 1, replace=False)[0] + if noise_json['duration'] < audio_segment.duration: + raise RuntimeError("The duration of sampled noise audio is smaller " + "than the audio segment to add effects to.") + diff_duration = noise_json['duration'] - audio_segment.duration + start = self._rng.uniform(0, diff_duration) + end = start + audio_segment.duration + noise_segment = AudioSegment.slice_from_file( + noise_json['audio_filepath'], start=start, end=end) + snr_dB = self._rng.uniform(self._min_snr_dB, self._max_snr_dB) + audio_segment.add_noise( + noise_segment, snr_dB, allow_downsampling=True, rng=self._rng) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/online_bayesian_normalization.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/online_bayesian_normalization.py new file mode 100644 index 000000000..0f9d3ef6f --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/online_bayesian_normalization.py @@ -0,0 +1,63 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contain the online bayesian normalization augmentation model.""" +from deepspeech.frontend.augmentor.base import AugmentorBase + + +class OnlineBayesianNormalizationAugmentor(AugmentorBase): + """Augmentation model for adding online bayesian normalization. + + :param rng: Random generator object. + :type rng: random.Random + :param target_db: Target RMS value in decibels. + :type target_db: float + :param prior_db: Prior RMS estimate in decibels. + :type prior_db: float + :param prior_samples: Prior strength in number of samples. + :type prior_samples: int + :param startup_delay: Default 0.0s. If provided, this function will + accrue statistics for the first startup_delay + seconds before applying online normalization. + :type starup_delay: float. + """ + + def __init__(self, + rng, + target_db, + prior_db, + prior_samples, + startup_delay=0.0): + self._target_db = target_db + self._prior_db = prior_db + self._prior_samples = prior_samples + self._rng = rng + self._startup_delay = startup_delay + + def __call__(self, x, uttid=None, train=True): + if not train: + return x + self.transform_audio(x) + return x + + def transform_audio(self, audio_segment): + """Normalizes the input audio using the online Bayesian approach. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegment|SpeechSegment + """ + audio_segment.normalize_online_bayesian(self._target_db, self._prior_db, + self._prior_samples, + self._startup_delay) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/resample.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/resample.py new file mode 100644 index 000000000..509fe003d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/resample.py @@ -0,0 +1,48 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contain the resample augmentation model.""" +from deepspeech.frontend.augmentor.base import AugmentorBase + + +class ResampleAugmentor(AugmentorBase): + """Augmentation model for resampling. + + See more info here: + https://ccrma.stanford.edu/~jos/resample/index.html + + :param rng: Random generator object. + :type rng: random.Random + :param new_sample_rate: New sample rate in Hz. + :type new_sample_rate: int + """ + + def __init__(self, rng, new_sample_rate): + self._new_sample_rate = new_sample_rate + self._rng = rng + + def __call__(self, x, uttid=None, train=True): + if not train: + return x + self.transform_audio(x) + return x + + def transform_audio(self, audio_segment): + """Resamples the input audio to a target sample rate. + + Note that this is an in-place transformation. + + :param audio: Audio segment to add effects to. + :type audio: AudioSegment|SpeechSegment + """ + audio_segment.resample(self._new_sample_rate) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/shift_perturb.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/shift_perturb.py new file mode 100644 index 000000000..8b7439fe5 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/shift_perturb.py @@ -0,0 +1,49 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the volume perturb augmentation model.""" +from deepspeech.frontend.augmentor.base import AugmentorBase + + +class ShiftPerturbAugmentor(AugmentorBase): + """Augmentation model for adding random shift perturbation. + + :param rng: Random generator object. + :type rng: random.Random + :param min_shift_ms: Minimal shift in milliseconds. + :type min_shift_ms: float + :param max_shift_ms: Maximal shift in milliseconds. + :type max_shift_ms: float + """ + + def __init__(self, rng, min_shift_ms, max_shift_ms): + self._min_shift_ms = min_shift_ms + self._max_shift_ms = max_shift_ms + self._rng = rng + + def __call__(self, x, uttid=None, train=True): + if not train: + return x + self.transform_audio(x) + return x + + def transform_audio(self, audio_segment): + """Shift audio. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + shift_ms = self._rng.uniform(self._min_shift_ms, self._max_shift_ms) + audio_segment.shift(shift_ms) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/spec_augment.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/spec_augment.py new file mode 100644 index 000000000..26c94d416 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/spec_augment.py @@ -0,0 +1,256 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the volume perturb augmentation model.""" +import random + +import numpy as np +from PIL import Image +from PIL.Image import BICUBIC + +from deepspeech.frontend.augmentor.base import AugmentorBase +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + + +class SpecAugmentor(AugmentorBase): + """Augmentation model for Time warping, Frequency masking, Time masking. + + SpecAugment: A Simple Data Augmentation Method for Automatic Speech Recognition + https://arxiv.org/abs/1904.08779 + + SpecAugment on Large Scale Datasets + https://arxiv.org/abs/1912.05533 + + """ + + def __init__(self, + rng, + F, + T, + n_freq_masks, + n_time_masks, + p=1.0, + W=40, + adaptive_number_ratio=0, + adaptive_size_ratio=0, + max_n_time_masks=20, + replace_with_zero=True, + warp_mode='PIL'): + """SpecAugment class. + Args: + rng (random.Random): random generator object. + F (int): parameter for frequency masking + T (int): parameter for time masking + n_freq_masks (int): number of frequency masks + n_time_masks (int): number of time masks + p (float): parameter for upperbound of the time mask + W (int): parameter for time warping + adaptive_number_ratio (float): adaptive multiplicity ratio for time masking + adaptive_size_ratio (float): adaptive size ratio for time masking + max_n_time_masks (int): maximum number of time masking + replace_with_zero (bool): pad zero on mask if true else use mean + warp_mode (str): "PIL" (default, fast, not differentiable) + or "sparse_image_warp" (slow, differentiable) + """ + super().__init__() + self._rng = rng + self.inplace = True + self.replace_with_zero = replace_with_zero + + self.mode = warp_mode + self.W = W + self.F = F + self.T = T + self.n_freq_masks = n_freq_masks + self.n_time_masks = n_time_masks + self.p = p + + # adaptive SpecAugment + self.adaptive_number_ratio = adaptive_number_ratio + self.adaptive_size_ratio = adaptive_size_ratio + self.max_n_time_masks = max_n_time_masks + + if adaptive_number_ratio > 0: + self.n_time_masks = 0 + logger.info('n_time_masks is set ot zero for adaptive SpecAugment.') + if adaptive_size_ratio > 0: + self.T = 0 + logger.info('T is set to zero for adaptive SpecAugment.') + + self._freq_mask = None + self._time_mask = None + + def librispeech_basic(self): + self.W = 80 + self.F = 27 + self.T = 100 + self.n_freq_masks = 1 + self.n_time_masks = 1 + self.p = 1.0 + + def librispeech_double(self): + self.W = 80 + self.F = 27 + self.T = 100 + self.n_freq_masks = 2 + self.n_time_masks = 2 + self.p = 1.0 + + def switchboard_mild(self): + self.W = 40 + self.F = 15 + self.T = 70 + self.n_freq_masks = 2 + self.n_time_masks = 2 + self.p = 0.2 + + def switchboard_strong(self): + self.W = 40 + self.F = 27 + self.T = 70 + self.n_freq_masks = 2 + self.n_time_masks = 2 + self.p = 0.2 + + @property + def freq_mask(self): + return self._freq_mask + + @property + def time_mask(self): + return self._time_mask + + def __repr__(self): + return f"specaug: F-{F}, T-{T}, F-n-{n_freq_masks}, T-n-{n_time_masks}" + + def time_warp(self, x, mode='PIL'): + """time warp for spec augment + move random center frame by the random width ~ uniform(-window, window) + + Args: + x (np.ndarray): spectrogram (time, freq) + mode (str): PIL or sparse_image_warp + + Raises: + NotImplementedError: [description] + NotImplementedError: [description] + + Returns: + np.ndarray: time warped spectrogram (time, freq) + """ + window = max_time_warp = self.W + if window == 0: + return x + + if mode == "PIL": + t = x.shape[0] + if t - window <= window: + return x + # NOTE: randrange(a, b) emits a, a + 1, ..., b - 1 + center = random.randrange(window, t - window) + warped = random.randrange(center - window, center + + window) + 1 # 1 ... t - 1 + + left = Image.fromarray(x[:center]).resize((x.shape[1], warped), + BICUBIC) + right = Image.fromarray(x[center:]).resize((x.shape[1], t - warped), + BICUBIC) + if self.inplace: + x[:warped] = left + x[warped:] = right + return x + return np.concatenate((left, right), 0) + elif mode == "sparse_image_warp": + raise NotImplementedError('sparse_image_warp') + else: + raise NotImplementedError( + "unknown resize mode: " + mode + + ", choose one from (PIL, sparse_image_warp).") + + def mask_freq(self, x, replace_with_zero=False): + """freq mask + + Args: + x (np.ndarray): spectrogram (time, freq) + replace_with_zero (bool, optional): Defaults to False. + + Returns: + np.ndarray: freq mask spectrogram (time, freq) + """ + n_bins = x.shape[1] + for i in range(0, self.n_freq_masks): + f = int(self._rng.uniform(low=0, high=self.F)) + f_0 = int(self._rng.uniform(low=0, high=n_bins - f)) + assert f_0 <= f_0 + f + if replace_with_zero: + x[:, f_0:f_0 + f] = 0 + else: + x[:, f_0:f_0 + f] = x.mean() + self._freq_mask = (f_0, f_0 + f) + return x + + def mask_time(self, x, replace_with_zero=False): + """time mask + + Args: + x (np.ndarray): spectrogram (time, freq) + replace_with_zero (bool, optional): Defaults to False. + + Returns: + np.ndarray: time mask spectrogram (time, freq) + """ + n_frames = x.shape[0] + + if self.adaptive_number_ratio > 0: + n_masks = int(n_frames * self.adaptive_number_ratio) + n_masks = min(n_masks, self.max_n_time_masks) + else: + n_masks = self.n_time_masks + + if self.adaptive_size_ratio > 0: + T = self.adaptive_size_ratio * n_frames + else: + T = self.T + + for i in range(n_masks): + t = int(self._rng.uniform(low=0, high=T)) + t = min(t, int(n_frames * self.p)) + t_0 = int(self._rng.uniform(low=0, high=n_frames - t)) + assert t_0 <= t_0 + t + if replace_with_zero: + x[t_0:t_0 + t, :] = 0 + else: + x[t_0:t_0 + t, :] = x.mean() + self._time_mask = (t_0, t_0 + t) + return x + + def __call__(self, x, train=True): + if not train: + return x + return self.transform_feature(x) + + def transform_feature(self, x: np.ndarray): + """ + Args: + x (np.ndarray): `[T, F]` + Returns: + x (np.ndarray): `[T, F]` + """ + assert isinstance(x, np.ndarray) + assert x.ndim == 2 + x = self.time_warp(x, self.mode) + x = self.mask_freq(x, self.replace_with_zero) + x = self.mask_time(x, self.replace_with_zero) + return x diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/speed_perturb.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/speed_perturb.py new file mode 100644 index 000000000..ce8dfde0a --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/speed_perturb.py @@ -0,0 +1,106 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contain the speech perturbation augmentation model.""" +import numpy as np + +from deepspeech.frontend.augmentor.base import AugmentorBase + + +class SpeedPerturbAugmentor(AugmentorBase): + """Augmentation model for adding speed perturbation.""" + + def __init__(self, rng, min_speed_rate=0.9, max_speed_rate=1.1, + num_rates=3): + """speed perturbation. + + The speed perturbation in kaldi uses sox-speed instead of sox-tempo, + and sox-speed just to resample the input, + i.e pitch and tempo are changed both. + + "Why use speed option instead of tempo -s in SoX for speed perturbation" + https://groups.google.com/forum/#!topic/kaldi-help/8OOG7eE4sZ8 + + Sox speed: + https://pysox.readthedocs.io/en/latest/api.html#sox.transform.Transformer + + See reference paper here: + http://www.danielpovey.com/files/2015_interspeech_augmentation.pdf + + Espnet: + https://espnet.github.io/espnet/_modules/espnet/transform/perturb.html + + Nemo: + https://github.com/NVIDIA/NeMo/blob/main/nemo/collections/asr/parts/perturb.py#L92 + + Args: + rng (random.Random): Random generator object. + min_speed_rate (float): Lower bound of new speed rate to sample and should + not be smaller than 0.9. + max_speed_rate (float): Upper bound of new speed rate to sample and should + not be larger than 1.1. + num_rates (int, optional): Number of discrete rates to allow. + Can be a positive or negative integer. Defaults to 3. + If a positive integer greater than 0 is provided, the range of + speed rates will be discretized into `num_rates` values. + If a negative integer or 0 is provided, the full range of speed rates + will be sampled uniformly. + Note: If a positive integer is provided and the resultant discretized + range of rates contains the value '1.0', then those samples with rate=1.0, + will not be augmented at all and simply skipped. This is to unnecessary + augmentation and increase computation time. Effective augmentation chance + in such a case is = `prob * (num_rates - 1 / num_rates) * 100`% chance + where `prob` is the global probability of a sample being augmented. + + Raises: + ValueError: when speed_rate error + """ + if min_speed_rate < 0.9: + raise ValueError( + "Sampling speed below 0.9 can cause unnatural effects") + if max_speed_rate > 1.1: + raise ValueError( + "Sampling speed above 1.1 can cause unnatural effects") + self._min_rate = min_speed_rate + self._max_rate = max_speed_rate + self._rng = rng + self._num_rates = num_rates + if num_rates > 0: + self._rates = np.linspace( + self._min_rate, self._max_rate, self._num_rates, endpoint=True) + + def __call__(self, x, uttid=None, train=True): + if not train: + return x + self.transform_audio(x) + return x + + def transform_audio(self, audio_segment): + """Sample a new speed rate from the given range and + changes the speed of the given audio clip. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegment|SpeechSegment + """ + if self._num_rates < 0: + speed_rate = self._rng.uniform(self._min_rate, self._max_rate) + else: + speed_rate = self._rng.choice(self._rates) + + # Skip perturbation in case of identity speed rate + if speed_rate == 1.0: + return + + audio_segment.change_speed(speed_rate) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/volume_perturb.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/volume_perturb.py new file mode 100644 index 000000000..70cb28897 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/volume_perturb.py @@ -0,0 +1,55 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the volume perturb augmentation model.""" +from deepspeech.frontend.augmentor.base import AugmentorBase + + +class VolumePerturbAugmentor(AugmentorBase): + """Augmentation model for adding random volume perturbation. + + This is used for multi-loudness training of PCEN. See + + https://arxiv.org/pdf/1607.05666v1.pdf + + for more details. + + :param rng: Random generator object. + :type rng: random.Random + :param min_gain_dBFS: Minimal gain in dBFS. + :type min_gain_dBFS: float + :param max_gain_dBFS: Maximal gain in dBFS. + :type max_gain_dBFS: float + """ + + def __init__(self, rng, min_gain_dBFS, max_gain_dBFS): + self._min_gain_dBFS = min_gain_dBFS + self._max_gain_dBFS = max_gain_dBFS + self._rng = rng + + def __call__(self, x, uttid=None, train=True): + if not train: + return x + self.transform_audio(x) + return x + + def transform_audio(self, audio_segment): + """Change audio loadness. + + Note that this is an in-place transformation. + + :param audio_segment: Audio segment to add effects to. + :type audio_segment: AudioSegmenet|SpeechSegment + """ + gain = self._rng.uniform(self._min_gain_dBFS, self._max_gain_dBFS) + audio_segment.gain_db(gain) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/__init__.py b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/__init__.py new file mode 100644 index 000000000..6992700d9 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/__init__.py @@ -0,0 +1,16 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from .audio_featurizer import AudioFeaturizer #noqa: F401 +from .speech_featurizer import SpeechFeaturizer +from .text_featurizer import TextFeaturizer diff --git a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/audio_featurizer.py b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/audio_featurizer.py new file mode 100644 index 000000000..4c40c8472 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/audio_featurizer.py @@ -0,0 +1,363 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the audio featurizer class.""" +import numpy as np +from python_speech_features import delta +from python_speech_features import logfbank +from python_speech_features import mfcc + + +class AudioFeaturizer(): + """Audio featurizer, for extracting features from audio contents of + AudioSegment or SpeechSegment. + + Currently, it supports feature types of linear spectrogram and mfcc. + + :param specgram_type: Specgram feature type. Options: 'linear'. + :type specgram_type: str + :param stride_ms: Striding size (in milliseconds) for generating frames. + :type stride_ms: float + :param window_ms: Window size (in milliseconds) for generating frames. + :type window_ms: float + :param max_freq: When specgram_type is 'linear', only FFT bins + corresponding to frequencies between [0, max_freq] are + returned; when specgram_type is 'mfcc', max_feq is the + highest band edge of mel filters. + :types max_freq: None|float + :param target_sample_rate: Audio are resampled (if upsampling or + downsampling is allowed) to this before + extracting spectrogram features. + :type target_sample_rate: float + :param use_dB_normalization: Whether to normalize the audio to a certain + decibels before extracting the features. + :type use_dB_normalization: bool + :param target_dB: Target audio decibels for normalization. + :type target_dB: float + """ + + def __init__(self, + specgram_type: str='linear', + feat_dim: int=None, + delta_delta: bool=False, + stride_ms=10.0, + window_ms=20.0, + n_fft=None, + max_freq=None, + target_sample_rate=16000, + use_dB_normalization=True, + target_dB=-20, + dither=1.0): + self._specgram_type = specgram_type + # mfcc and fbank using `feat_dim` + self._feat_dim = feat_dim + # mfcc and fbank using `delta-delta` + self._delta_delta = delta_delta + self._stride_ms = stride_ms + self._window_ms = window_ms + self._max_freq = max_freq + self._target_sample_rate = target_sample_rate + self._use_dB_normalization = use_dB_normalization + self._target_dB = target_dB + self._fft_point = n_fft + self._dither = dither + + def featurize(self, + audio_segment, + allow_downsampling=True, + allow_upsampling=True): + """Extract audio features from AudioSegment or SpeechSegment. + + :param audio_segment: Audio/speech segment to extract features from. + :type audio_segment: AudioSegment|SpeechSegment + :param allow_downsampling: Whether to allow audio downsampling before + featurizing. + :type allow_downsampling: bool + :param allow_upsampling: Whether to allow audio upsampling before + featurizing. + :type allow_upsampling: bool + :return: Spectrogram audio feature in 2darray. + :rtype: ndarray + :raises ValueError: If audio sample rate is not supported. + """ + # upsampling or downsampling + if ((audio_segment.sample_rate > self._target_sample_rate and + allow_downsampling) or + (audio_segment.sample_rate < self._target_sample_rate and + allow_upsampling)): + audio_segment.resample(self._target_sample_rate) + if audio_segment.sample_rate != self._target_sample_rate: + raise ValueError("Audio sample rate is not supported. " + "Turn allow_downsampling or allow up_sampling on.") + # decibel normalization + if self._use_dB_normalization: + audio_segment.normalize(target_db=self._target_dB) + # extract spectrogram + return self._compute_specgram(audio_segment) + + @property + def stride_ms(self): + return self._stride_ms + + @property + def feature_size(self): + """audio feature size""" + feat_dim = 0 + if self._specgram_type == 'linear': + fft_point = self._window_ms if self._fft_point is None else self._fft_point + feat_dim = int(fft_point * (self._target_sample_rate / 1000) / 2 + + 1) + elif self._specgram_type == 'mfcc': + # mfcc, delta, delta-delta + feat_dim = int(self._feat_dim * + 3) if self._delta_delta else int(self._feat_dim) + elif self._specgram_type == 'fbank': + # fbank, delta, delta-delta + feat_dim = int(self._feat_dim * + 3) if self._delta_delta else int(self._feat_dim) + else: + raise ValueError("Unknown specgram_type %s. " + "Supported values: linear." % self._specgram_type) + return feat_dim + + def _compute_specgram(self, audio_segment): + """Extract various audio features.""" + sample_rate = audio_segment.sample_rate + if self._specgram_type == 'linear': + samples = audio_segment.samples + return self._compute_linear_specgram( + samples, + sample_rate, + stride_ms=self._stride_ms, + window_ms=self._window_ms, + max_freq=self._max_freq) + elif self._specgram_type == 'mfcc': + samples = audio_segment.to('int16') + return self._compute_mfcc( + samples, + sample_rate, + feat_dim=self._feat_dim, + stride_ms=self._stride_ms, + window_ms=self._window_ms, + max_freq=self._max_freq, + dither=self._dither, + delta_delta=self._delta_delta) + elif self._specgram_type == 'fbank': + samples = audio_segment.to('int16') + return self._compute_fbank( + samples, + sample_rate, + feat_dim=self._feat_dim, + stride_ms=self._stride_ms, + window_ms=self._window_ms, + max_freq=self._max_freq, + dither=self._dither, + delta_delta=self._delta_delta) + else: + raise ValueError("Unknown specgram_type %s. " + "Supported values: linear." % self._specgram_type) + + def _specgram_real(self, samples, window_size, stride_size, sample_rate): + """Compute the spectrogram for samples from a real signal.""" + # extract strided windows + truncate_size = (len(samples) - window_size) % stride_size + samples = samples[:len(samples) - truncate_size] + nshape = (window_size, (len(samples) - window_size) // stride_size + 1) + nstrides = (samples.strides[0], samples.strides[0] * stride_size) + windows = np.lib.stride_tricks.as_strided( + samples, shape=nshape, strides=nstrides) + assert np.all( + windows[:, 1] == samples[stride_size:(stride_size + window_size)]) + # window weighting, squared Fast Fourier Transform (fft), scaling + weighting = np.hanning(window_size)[:, None] + # https://numpy.org/doc/stable/reference/generated/numpy.fft.rfft.html + fft = np.fft.rfft(windows * weighting, n=None, axis=0) + fft = np.absolute(fft) + fft = fft**2 + scale = np.sum(weighting**2) * sample_rate + fft[1:-1, :] *= (2.0 / scale) + fft[(0, -1), :] /= scale + # prepare fft frequency list + freqs = float(sample_rate) / window_size * np.arange(fft.shape[0]) + return fft, freqs + + def _compute_linear_specgram(self, + samples, + sample_rate, + stride_ms=10.0, + window_ms=20.0, + max_freq=None, + eps=1e-14): + """Compute the linear spectrogram from FFT energy. + + Args: + samples ([type]): [description] + sample_rate ([type]): [description] + stride_ms (float, optional): [description]. Defaults to 10.0. + window_ms (float, optional): [description]. Defaults to 20.0. + max_freq ([type], optional): [description]. Defaults to None. + eps ([type], optional): [description]. Defaults to 1e-14. + + Raises: + ValueError: [description] + ValueError: [description] + + Returns: + np.ndarray: log spectrogram, (time, freq) + """ + if max_freq is None: + max_freq = sample_rate / 2 + if max_freq > sample_rate / 2: + raise ValueError("max_freq must not be greater than half of " + "sample rate.") + if stride_ms > window_ms: + raise ValueError("Stride size must not be greater than " + "window size.") + stride_size = int(0.001 * sample_rate * stride_ms) + window_size = int(0.001 * sample_rate * window_ms) + specgram, freqs = self._specgram_real( + samples, + window_size=window_size, + stride_size=stride_size, + sample_rate=sample_rate) + ind = np.where(freqs <= max_freq)[0][-1] + 1 + # (freq, time) + spec = np.log(specgram[:ind, :] + eps) + return np.transpose(spec) + + def _concat_delta_delta(self, feat): + """append delat, delta-delta feature. + + Args: + feat (np.ndarray): (T, D) + + Returns: + np.ndarray: feat with delta-delta, (T, 3*D) + """ + # Deltas + d_feat = delta(feat, 2) + # Deltas-Deltas + dd_feat = delta(feat, 2) + # concat above three features + concat_feat = np.concatenate((feat, d_feat, dd_feat), axis=1) + return concat_feat + + def _compute_mfcc(self, + samples, + sample_rate, + feat_dim=13, + stride_ms=10.0, + window_ms=25.0, + max_freq=None, + dither=1.0, + delta_delta=True): + """Compute mfcc from samples. + + Args: + samples (np.ndarray, np.int16): the audio signal from which to compute features. + sample_rate (float): the sample rate of the signal we are working with, in Hz. + feat_dim (int): the number of cepstrum to return, default 13. + stride_ms (float, optional): stride length in ms. Defaults to 10.0. + window_ms (float, optional): window length in ms. Defaults to 25.0. + max_freq ([type], optional): highest band edge of mel filters. In Hz, default is samplerate/2. Defaults to None. + delta_delta (bool, optional): Whether with delta delta. Defaults to False. + + Raises: + ValueError: max_freq > samplerate/2 + ValueError: stride_ms > window_ms + + Returns: + np.ndarray: mfcc feature, (D, T). + """ + if max_freq is None: + max_freq = sample_rate / 2 + if max_freq > sample_rate / 2: + raise ValueError("max_freq must not be greater than half of " + "sample rate.") + if stride_ms > window_ms: + raise ValueError("Stride size must not be greater than " + "window size.") + # compute the 13 cepstral coefficients, and the first one is replaced + # by log(frame energy), (T, D) + mfcc_feat = mfcc( + signal=samples, + samplerate=sample_rate, + winlen=0.001 * window_ms, + winstep=0.001 * stride_ms, + numcep=feat_dim, + nfilt=23, + nfft=512, + lowfreq=20, + highfreq=max_freq, + dither=dither, + remove_dc_offset=True, + preemph=0.97, + ceplifter=22, + useEnergy=True, + winfunc='povey') + if delta_delta: + mfcc_feat = self._concat_delta_delta(mfcc_feat) + return mfcc_feat + + def _compute_fbank(self, + samples, + sample_rate, + feat_dim=40, + stride_ms=10.0, + window_ms=25.0, + max_freq=None, + dither=1.0, + delta_delta=False): + """Compute logfbank from samples. + + Args: + samples (np.ndarray, np.int16): the audio signal from which to compute features. Should be an N*1 array + sample_rate (float): the sample rate of the signal we are working with, in Hz. + feat_dim (int): the number of cepstrum to return, default 13. + stride_ms (float, optional): stride length in ms. Defaults to 10.0. + window_ms (float, optional): window length in ms. Defaults to 20.0. + max_freq (float, optional): highest band edge of mel filters. In Hz, default is samplerate/2. Defaults to None. + delta_delta (bool, optional): Whether with delta delta. Defaults to False. + + Raises: + ValueError: max_freq > samplerate/2 + ValueError: stride_ms > window_ms + + Returns: + np.ndarray: mfcc feature, (D, T). + """ + if max_freq is None: + max_freq = sample_rate / 2 + if max_freq > sample_rate / 2: + raise ValueError("max_freq must not be greater than half of " + "sample rate.") + if stride_ms > window_ms: + raise ValueError("Stride size must not be greater than " + "window size.") + # (T, D) + fbank_feat = logfbank( + signal=samples, + samplerate=sample_rate, + winlen=0.001 * window_ms, + winstep=0.001 * stride_ms, + nfilt=feat_dim, + nfft=512, + lowfreq=20, + highfreq=max_freq, + dither=dither, + remove_dc_offset=True, + preemph=0.97, + wintype='povey') + if delta_delta: + fbank_feat = self._concat_delta_delta(fbank_feat) + return fbank_feat diff --git a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/speech_featurizer.py b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/speech_featurizer.py new file mode 100644 index 000000000..5082850d6 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/speech_featurizer.py @@ -0,0 +1,153 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the speech featurizer class.""" +from deepspeech.frontend.featurizer.audio_featurizer import AudioFeaturizer +from deepspeech.frontend.featurizer.text_featurizer import TextFeaturizer + + +class SpeechFeaturizer(): + """Speech featurizer, for extracting features from both audio and transcript + contents of SpeechSegment. + + Currently, for audio parts, it supports feature types of linear + spectrogram and mfcc; for transcript parts, it only supports char-level + tokenizing and conversion into a list of token indices. Note that the + token indexing order follows the given vocabulary file. + + :param vocab_filepath: Filepath to load vocabulary for token indices + conversion. + :type specgram_type: str + :param specgram_type: Specgram feature type. Options: 'linear', 'mfcc'. + :type specgram_type: str + :param stride_ms: Striding size (in milliseconds) for generating frames. + :type stride_ms: float + :param window_ms: Window size (in milliseconds) for generating frames. + :type window_ms: float + :param max_freq: When specgram_type is 'linear', only FFT bins + corresponding to frequencies between [0, max_freq] are + returned; when specgram_type is 'mfcc', max_freq is the + highest band edge of mel filters. + :types max_freq: None|float + :param target_sample_rate: Speech are resampled (if upsampling or + downsampling is allowed) to this before + extracting spectrogram features. + :type target_sample_rate: float + :param use_dB_normalization: Whether to normalize the audio to a certain + decibels before extracting the features. + :type use_dB_normalization: bool + :param target_dB: Target audio decibels for normalization. + :type target_dB: float + """ + + def __init__(self, + unit_type, + vocab_filepath, + spm_model_prefix=None, + specgram_type='linear', + feat_dim=None, + delta_delta=False, + stride_ms=10.0, + window_ms=20.0, + n_fft=None, + max_freq=None, + target_sample_rate=16000, + use_dB_normalization=True, + target_dB=-20, + dither=1.0): + self._audio_featurizer = AudioFeaturizer( + specgram_type=specgram_type, + feat_dim=feat_dim, + delta_delta=delta_delta, + stride_ms=stride_ms, + window_ms=window_ms, + n_fft=n_fft, + max_freq=max_freq, + target_sample_rate=target_sample_rate, + use_dB_normalization=use_dB_normalization, + target_dB=target_dB, + dither=dither) + self._text_featurizer = TextFeaturizer(unit_type, vocab_filepath, + spm_model_prefix) + + def featurize(self, speech_segment, keep_transcription_text): + """Extract features for speech segment. + + 1. For audio parts, extract the audio features. + 2. For transcript parts, keep the original text or convert text string + to a list of token indices in char-level. + + Args: + speech_segment (SpeechSegment): Speech segment to extract features from. + keep_transcription_text (bool): True, keep transcript text, False, token ids + + Returns: + tuple: 1) spectrogram audio feature in 2darray, 2) list oftoken indices. + """ + spec_feature = self._audio_featurizer.featurize(speech_segment) + if keep_transcription_text: + return spec_feature, speech_segment.transcript + if speech_segment.has_token: + text_ids = speech_segment.token_ids + else: + text_ids = self._text_featurizer.featurize( + speech_segment.transcript) + return spec_feature, text_ids + + @property + def vocab_size(self): + """Return the vocabulary size. + Returns: + int: Vocabulary size. + """ + return self._text_featurizer.vocab_size + + @property + def vocab_list(self): + """Return the vocabulary in list. + Returns: + List[str]: + """ + return self._text_featurizer.vocab_list + + @property + def vocab_dict(self): + """Return the vocabulary in dict. + Returns: + Dict[str, int]: + """ + return self._text_featurizer.vocab_dict + + @property + def feature_size(self): + """Return the audio feature size. + Returns: + int: audio feature size. + """ + return self._audio_featurizer.feature_size + + @property + def stride_ms(self): + """time length in `ms` unit per frame + Returns: + float: time(ms)/frame + """ + return self._audio_featurizer.stride_ms + + @property + def text_feature(self): + """Return the text feature object. + Returns: + TextFeaturizer: object. + """ + return self._text_featurizer diff --git a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/text_featurizer.py b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/text_featurizer.py new file mode 100644 index 000000000..e4364f70a --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/text_featurizer.py @@ -0,0 +1,202 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the text featurizer class.""" +import sentencepiece as spm + +from ..utility import EOS +from ..utility import load_dict +from ..utility import UNK + +__all__ = ["TextFeaturizer"] + + +class TextFeaturizer(): + def __init__(self, + unit_type, + vocab_filepath, + spm_model_prefix=None, + maskctc=False): + """Text featurizer, for processing or extracting features from text. + + Currently, it supports char/word/sentence-piece level tokenizing and conversion into + a list of token indices. Note that the token indexing order follows the + given vocabulary file. + + Args: + unit_type (str): unit type, e.g. char, word, spm + vocab_filepath (str): Filepath to load vocabulary for token indices conversion. + spm_model_prefix (str, optional): spm model prefix. Defaults to None. + """ + assert unit_type in ('char', 'spm', 'word') + self.unit_type = unit_type + self.unk = UNK + self.maskctc = maskctc + + if vocab_filepath: + self.vocab_dict, self._id2token, self.vocab_list, self.unk_id, self.eos_id = self._load_vocabulary_from_file( + vocab_filepath, maskctc) + self.vocab_size = len(self.vocab_list) + + if unit_type == 'spm': + spm_model = spm_model_prefix + '.model' + self.sp = spm.SentencePieceProcessor() + self.sp.Load(spm_model) + + def tokenize(self, text): + if self.unit_type == 'char': + tokens = self.char_tokenize(text) + elif self.unit_type == 'word': + tokens = self.word_tokenize(text) + else: # spm + tokens = self.spm_tokenize(text) + return tokens + + def detokenize(self, tokens): + if self.unit_type == 'char': + text = self.char_detokenize(tokens) + elif self.unit_type == 'word': + text = self.word_detokenize(tokens) + else: # spm + text = self.spm_detokenize(tokens) + return text + + def featurize(self, text): + """Convert text string to a list of token indices. + + Args: + text (str): Text. + + Returns: + List[int]: List of token indices. + """ + tokens = self.tokenize(text) + ids = [] + for token in tokens: + token = token if token in self.vocab_dict else self.unk + ids.append(self.vocab_dict[token]) + return ids + + def defeaturize(self, idxs): + """Convert a list of token indices to text string, + ignore index after eos_id. + + Args: + idxs (List[int]): List of token indices. + + Returns: + str: Text. + """ + tokens = [] + for idx in idxs: + if idx == self.eos_id: + break + tokens.append(self._id2token[idx]) + text = self.detokenize(tokens) + return text + + def char_tokenize(self, text): + """Character tokenizer. + + Args: + text (str): text string. + + Returns: + List[str]: tokens. + """ + return list(text.strip()) + + def char_detokenize(self, tokens): + """Character detokenizer. + + Args: + tokens (List[str]): tokens. + + Returns: + str: text string. + """ + return "".join(tokens) + + def word_tokenize(self, text): + """Word tokenizer, separate by .""" + return text.strip().split() + + def word_detokenize(self, tokens): + """Word detokenizer, separate by .""" + return " ".join(tokens) + + def spm_tokenize(self, text): + """spm tokenize. + + Args: + text (str): text string. + + Returns: + List[str]: sentence pieces str code + """ + stats = {"num_empty": 0, "num_filtered": 0} + + def valid(line): + return True + + def encode(l): + return self.sp.EncodeAsPieces(l) + + def encode_line(line): + line = line.strip() + if len(line) > 0: + line = encode(line) + if valid(line): + return line + else: + stats["num_filtered"] += 1 + else: + stats["num_empty"] += 1 + return None + + enc_line = encode_line(text) + return enc_line + + def spm_detokenize(self, tokens, input_format='piece'): + """spm detokenize. + + Args: + ids (List[str]): tokens. + + Returns: + str: text + """ + if input_format == "piece": + + def decode(l): + return "".join(self.sp.DecodePieces(l)) + elif input_format == "id": + + def decode(l): + return "".join(self.sp.DecodeIds(l)) + + return decode(tokens) + + def _load_vocabulary_from_file(self, vocab_filepath: str, maskctc: bool): + """Load vocabulary from file.""" + vocab_list = load_dict(vocab_filepath, maskctc) + assert vocab_list is not None + + id2token = dict( + [(idx, token) for (idx, token) in enumerate(vocab_list)]) + token2id = dict( + [(token, idx) for (idx, token) in enumerate(vocab_list)]) + + unk_id = vocab_list.index(UNK) + eos_id = vocab_list.index(EOS) + return token2id, id2token, vocab_list, unk_id, eos_id diff --git a/examples/transv1.8to2.x/deepspeech/frontend/normalizer.py b/examples/transv1.8to2.x/deepspeech/frontend/normalizer.py new file mode 100644 index 000000000..ffef8ba44 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/normalizer.py @@ -0,0 +1,199 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains feature normalizers.""" +import json + +import numpy as np +import paddle +from paddle.io import DataLoader +from paddle.io import Dataset + +from deepspeech.frontend.audio import AudioSegment +from deepspeech.frontend.utility import load_cmvn +from deepspeech.frontend.utility import read_manifest +from deepspeech.utils.log import Log + +__all__ = ["FeatureNormalizer"] + +logger = Log(__name__).getlog() + + +# https://github.com/PaddlePaddle/Paddle/pull/31481 +class CollateFunc(object): + def __init__(self, feature_func): + self.feature_func = feature_func + + def __call__(self, batch): + mean_stat = None + var_stat = None + number = 0 + for item in batch: + audioseg = AudioSegment.from_file(item['feat']) + feat = self.feature_func(audioseg) #(T, D) + + sums = np.sum(feat, axis=0) + if mean_stat is None: + mean_stat = sums + else: + mean_stat += sums + + square_sums = np.sum(np.square(feat), axis=0) + if var_stat is None: + var_stat = square_sums + else: + var_stat += square_sums + + number += feat.shape[0] + return number, mean_stat, var_stat + + +class AudioDataset(Dataset): + def __init__(self, manifest_path, num_samples=-1, rng=None, random_seed=0): + self._rng = rng if rng else np.random.RandomState(random_seed) + manifest = read_manifest(manifest_path) + if num_samples == -1: + sampled_manifest = manifest + else: + sampled_manifest = self._rng.choice( + manifest, num_samples, replace=False) + self.items = sampled_manifest + + def __len__(self): + return len(self.items) + + def __getitem__(self, idx): + return self.items[idx] + + +class FeatureNormalizer(object): + """Feature normalizer. Normalize features to be of zero mean and unit + stddev. + + if mean_std_filepath is provided (not None), the normalizer will directly + initilize from the file. Otherwise, both manifest_path and featurize_func + should be given for on-the-fly mean and stddev computing. + + :param mean_std_filepath: File containing the pre-computed mean and stddev. + :type mean_std_filepath: None|str + :param manifest_path: Manifest of instances for computing mean and stddev. + :type meanifest_path: None|str + :param featurize_func: Function to extract features. It should be callable + with ``featurize_func(audio_segment)``. + :type featurize_func: None|callable + :param num_samples: Number of random samples for computing mean and stddev. + :type num_samples: int + :param random_seed: Random seed for sampling instances. + :type random_seed: int + :raises ValueError: If both mean_std_filepath and manifest_path + (or both mean_std_filepath and featurize_func) are None. + """ + + def __init__(self, + mean_std_filepath, + manifest_path=None, + featurize_func=None, + num_samples=500, + num_workers=0, + random_seed=0): + if not mean_std_filepath: + if not (manifest_path and featurize_func): + raise ValueError("If mean_std_filepath is None, meanifest_path " + "and featurize_func should not be None.") + self._rng = np.random.RandomState(random_seed) + self._compute_mean_std(manifest_path, featurize_func, num_samples, + num_workers) + else: + self._read_mean_std_from_file(mean_std_filepath) + + def apply(self, features): + """Normalize features to be of zero mean and unit stddev. + + :param features: Input features to be normalized. + :type features: ndarray, shape (T, D) + :param eps: added to stddev to provide numerical stablibity. + :type eps: float + :return: Normalized features. + :rtype: ndarray + """ + return (features - self._mean) * self._istd + + def _read_mean_std_from_file(self, filepath, eps=1e-20): + """Load mean and std from file.""" + mean, istd = load_cmvn(filepath, filetype='json') + self._mean = np.expand_dims(mean, axis=0) + self._istd = np.expand_dims(istd, axis=0) + ''' + print ("filepath", filepath) + npz = np.load(filepath) + self._mean = npz['mean'].reshape(1,161) + self._istd = npz['std'].reshape(1,161) + print ("mean.shape", self._mean.shape) + print ("istd.shape", self._istd.shape) + ''' + + def write_to_file(self, filepath): + """Write the mean and stddev to the file. + + :param filepath: File to write mean and stddev. + :type filepath: str + """ + with open(filepath, 'w') as fout: + fout.write(json.dumps(self.cmvn_info)) + + def _compute_mean_std(self, + manifest_path, + featurize_func, + num_samples, + num_workers, + batch_size=64, + eps=1e-20): + """Compute mean and std from randomly sampled instances.""" + paddle.set_device('cpu') + + collate_func = CollateFunc(featurize_func) + dataset = AudioDataset(manifest_path, num_samples, self._rng) + data_loader = DataLoader( + dataset, + batch_size=batch_size, + shuffle=False, + num_workers=num_workers, + collate_fn=collate_func) + + with paddle.no_grad(): + all_mean_stat = None + all_var_stat = None + all_number = 0 + wav_number = 0 + for i, batch in enumerate(data_loader): + number, mean_stat, var_stat = batch + if i == 0: + all_mean_stat = mean_stat + all_var_stat = var_stat + else: + all_mean_stat += mean_stat + all_var_stat += var_stat + all_number += number + wav_number += batch_size + + if wav_number % 1000 == 0: + logger.info( + f'process {wav_number} wavs,{all_number} frames.') + + self.cmvn_info = { + 'mean_stat': list(all_mean_stat.tolist()), + 'var_stat': list(all_var_stat.tolist()), + 'frame_num': all_number, + } + + return self.cmvn_info diff --git a/examples/transv1.8to2.x/deepspeech/frontend/speech.py b/examples/transv1.8to2.x/deepspeech/frontend/speech.py new file mode 100644 index 000000000..e58795c0e --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/speech.py @@ -0,0 +1,217 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains the speech segment class.""" +import numpy as np + +from deepspeech.frontend.audio import AudioSegment + + +class SpeechSegment(AudioSegment): + """Speech Segment with Text + + Args: + AudioSegment (AudioSegment): Audio Segment + """ + + def __init__(self, + samples, + sample_rate, + transcript, + tokens=None, + token_ids=None): + """Speech segment abstraction, a subclass of AudioSegment, + with an additional transcript. + + Args: + samples (ndarray.float32): Audio samples [num_samples x num_channels]. + sample_rate (int): Audio sample rate. + transcript (str): Transcript text for the speech. + tokens (List[str], optinal): Transcript tokens for the speech. + token_ids (List[int], optional): Transcript token ids for the speech. + """ + AudioSegment.__init__(self, samples, sample_rate) + self._transcript = transcript + # must init `tokens` with `token_ids` at the same time + self._tokens = tokens + self._token_ids = token_ids + + def __eq__(self, other): + """Return whether two objects are equal. + + Returns: + bool: True, when equal to other + """ + if not AudioSegment.__eq__(self, other): + return False + if self._transcript != other._transcript: + return False + if self.has_token and other.has_token: + if self._tokens != other._tokens: + return False + if self._token_ids != other._token_ids: + return False + return True + + def __ne__(self, other): + """Return whether two objects are unequal.""" + return not self.__eq__(other) + + @classmethod + def from_file(cls, filepath, transcript, tokens=None, token_ids=None): + """Create speech segment from audio file and corresponding transcript. + + Args: + filepath (str|file): Filepath or file object to audio file. + transcript (str): Transcript text for the speech. + tokens (List[str], optional): text tokens. Defaults to None. + token_ids (List[int], optional): text token ids. Defaults to None. + + Returns: + SpeechSegment: Speech segment instance. + """ + + audio = AudioSegment.from_file(filepath) + return cls(audio.samples, audio.sample_rate, transcript, tokens, + token_ids) + + @classmethod + def from_bytes(cls, bytes, transcript, tokens=None, token_ids=None): + """Create speech segment from a byte string and corresponding + + Args: + filepath (str|file): Filepath or file object to audio file. + transcript (str): Transcript text for the speech. + tokens (List[str], optional): text tokens. Defaults to None. + token_ids (List[int], optional): text token ids. Defaults to None. + + Returns: + SpeechSegment: Speech segment instance. + """ + audio = AudioSegment.from_bytes(bytes) + return cls(audio.samples, audio.sample_rate, transcript, tokens, + token_ids) + + @classmethod + def concatenate(cls, *segments): + """Concatenate an arbitrary number of speech segments together, both + audio and transcript will be concatenated. + + :param *segments: Input speech segments to be concatenated. + :type *segments: tuple of SpeechSegment + :return: Speech segment instance. + :rtype: SpeechSegment + :raises ValueError: If the number of segments is zero, or if the + sample_rate of any two segments does not match. + :raises TypeError: If any segment is not SpeechSegment instance. + """ + if len(segments) == 0: + raise ValueError("No speech segments are given to concatenate.") + sample_rate = segments[0]._sample_rate + transcripts = "" + tokens = [] + token_ids = [] + for seg in segments: + if sample_rate != seg._sample_rate: + raise ValueError("Can't concatenate segments with " + "different sample rates") + if type(seg) is not cls: + raise TypeError("Only speech segments of the same type " + "instance can be concatenated.") + transcripts += seg._transcript + if self.has_token: + tokens += seg._tokens + token_ids += seg._token_ids + samples = np.concatenate([seg.samples for seg in segments]) + return cls(samples, sample_rate, transcripts, tokens, token_ids) + + @classmethod + def slice_from_file(cls, + filepath, + transcript, + tokens=None, + token_ids=None, + start=None, + end=None): + """Loads a small section of an speech without having to load + the entire file into the memory which can be incredibly wasteful. + + :param filepath: Filepath or file object to audio file. + :type filepath: str|file + :param start: Start time in seconds. If start is negative, it wraps + around from the end. If not provided, this function + reads from the very beginning. + :type start: float + :param end: End time in seconds. If end is negative, it wraps around + from the end. If not provided, the default behvaior is + to read to the end of the file. + :type end: float + :param transcript: Transcript text for the speech. if not provided, + the defaults is an empty string. + :type transript: str + :return: SpeechSegment instance of the specified slice of the input + speech file. + :rtype: SpeechSegment + """ + audio = AudioSegment.slice_from_file(filepath, start, end) + return cls(audio.samples, audio.sample_rate, transcript, tokens, + token_ids) + + @classmethod + def make_silence(cls, duration, sample_rate): + """Creates a silent speech segment of the given duration and + sample rate, transcript will be an empty string. + + Args: + duration (float): Length of silence in seconds. + sample_rate (float): Sample rate. + + Returns: + SpeechSegment: Silence of the given duration. + """ + audio = AudioSegment.make_silence(duration, sample_rate) + return cls(audio.samples, audio.sample_rate, "") + + @property + def has_token(self): + if self._tokens and self._token_ids: + return True + return False + + @property + def transcript(self): + """Return the transcript text. + + Returns: + str: Transcript text for the speech. + """ + + return self._transcript + + @property + def tokens(self): + """Return the transcript text tokens. + + Returns: + List[str]: text tokens. + """ + return self._tokens + + @property + def token_ids(self): + """Return the transcript text token ids. + + Returns: + List[int]: text token ids. + """ + return self._token_ids diff --git a/examples/transv1.8to2.x/deepspeech/frontend/utility.py b/examples/transv1.8to2.x/deepspeech/frontend/utility.py new file mode 100644 index 000000000..72dfc98dd --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/frontend/utility.py @@ -0,0 +1,289 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains data helper functions.""" +import codecs +import json +import math +from typing import List +from typing import Optional +from typing import Text + +import numpy as np + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = [ + "load_dict", "load_cmvn", "read_manifest", "rms_to_db", "rms_to_dbfs", + "max_dbfs", "mean_dbfs", "gain_db_to_ratio", "normalize_audio", "SOS", + "EOS", "UNK", "BLANK", "MASKCTC" +] + +IGNORE_ID = -1 +# `sos` and `eos` using same token +SOS = "" +EOS = SOS +UNK = "" +BLANK = "" +MASKCTC = "" + + +def load_dict(dict_path: Optional[Text], maskctc=False) -> Optional[List[Text]]: + if dict_path is None: + return None + + with open(dict_path, "r") as f: + dictionary = f.readlines() + char_list = [entry.strip().split(" ")[0] for entry in dictionary] + if BLANK not in char_list: + char_list.insert(0, BLANK) + if EOS not in char_list: + char_list.append(EOS) + # for non-autoregressive maskctc model + if maskctc and MASKCTC not in char_list: + char_list.append(MASKCTC) + return char_list + + +def read_manifest( + manifest_path, + max_input_len=float('inf'), + min_input_len=0.0, + max_output_len=float('inf'), + min_output_len=0.0, + max_output_input_ratio=float('inf'), + min_output_input_ratio=0.0, ): + """Load and parse manifest file. + + Args: + manifest_path ([type]): Manifest file to load and parse. + max_input_len ([type], optional): maximum output seq length, + in seconds for raw wav, in frame numbers for feature data. + Defaults to float('inf'). + min_input_len (float, optional): minimum input seq length, + in seconds for raw wav, in frame numbers for feature data. + Defaults to 0.0. + max_output_len (float, optional): maximum input seq length, + in modeling units. Defaults to 500.0. + min_output_len (float, optional): minimum input seq length, + in modeling units. Defaults to 0.0. + max_output_input_ratio (float, optional): + maximum output seq length/output seq length ratio. Defaults to 10.0. + min_output_input_ratio (float, optional): + minimum output seq length/output seq length ratio. Defaults to 0.05. + + Raises: + IOError: If failed to parse the manifest. + + Returns: + List[dict]: Manifest parsing results. + """ + + manifest = [] + for json_line in codecs.open(manifest_path, 'r', 'utf-8'): + try: + json_data = json.loads(json_line) + except Exception as e: + raise IOError("Error reading manifest: %s" % str(e)) + + feat_len = json_data["feat_shape"][ + 0] if 'feat_shape' in json_data else 1.0 + token_len = json_data["token_shape"][ + 0] if 'token_shape' in json_data else 1.0 + conditions = [ + feat_len >= min_input_len, + feat_len <= max_input_len, + token_len >= min_output_len, + token_len <= max_output_len, + token_len / feat_len >= min_output_input_ratio, + token_len / feat_len <= max_output_input_ratio, + ] + if all(conditions): + manifest.append(json_data) + return manifest + + +def rms_to_db(rms: float): + """Root Mean Square to dB. + + Args: + rms ([float]): root mean square + + Returns: + float: dB + """ + return 20.0 * math.log10(max(1e-16, rms)) + + +def rms_to_dbfs(rms: float): + """Root Mean Square to dBFS. + https://fireattack.wordpress.com/2017/02/06/replaygain-loudness-normalization-and-applications/ + Audio is mix of sine wave, so 1 amp sine wave's Full scale is 0.7071, equal to -3.0103dB. + + dB = dBFS + 3.0103 + dBFS = db - 3.0103 + e.g. 0 dB = -3.0103 dBFS + + Args: + rms ([float]): root mean square + + Returns: + float: dBFS + """ + return rms_to_db(rms) - 3.0103 + + +def max_dbfs(sample_data: np.ndarray): + """Peak dBFS based on the maximum energy sample. + + Args: + sample_data ([np.ndarray]): float array, [-1, 1]. + + Returns: + float: dBFS + """ + # Peak dBFS based on the maximum energy sample. Will prevent overdrive if used for normalization. + return rms_to_dbfs(max(abs(np.min(sample_data)), abs(np.max(sample_data)))) + + +def mean_dbfs(sample_data): + """Peak dBFS based on the RMS energy. + + Args: + sample_data ([np.ndarray]): float array, [-1, 1]. + + Returns: + float: dBFS + """ + return rms_to_dbfs( + math.sqrt(np.mean(np.square(sample_data, dtype=np.float64)))) + + +def gain_db_to_ratio(gain_db: float): + """dB to ratio + + Args: + gain_db (float): gain in dB + + Returns: + float: scale in amp + """ + return math.pow(10.0, gain_db / 20.0) + + +def normalize_audio(sample_data: np.ndarray, dbfs: float=-3.0103): + """Nomalize audio to dBFS. + + Args: + sample_data (np.ndarray): input wave samples, [-1, 1]. + dbfs (float, optional): target dBFS. Defaults to -3.0103. + + Returns: + np.ndarray: normalized wave + """ + return np.maximum( + np.minimum(sample_data * gain_db_to_ratio(dbfs - max_dbfs(sample_data)), + 1.0), -1.0) + + +def _load_json_cmvn(json_cmvn_file): + """ Load the json format cmvn stats file and calculate cmvn + + Args: + json_cmvn_file: cmvn stats file in json format + + Returns: + a numpy array of [means, vars] + """ + with open(json_cmvn_file) as f: + cmvn_stats = json.load(f) + + means = cmvn_stats['mean_stat'] + variance = cmvn_stats['var_stat'] + count = cmvn_stats['frame_num'] + for i in range(len(means)): + means[i] /= count + variance[i] = variance[i] / count - means[i] * means[i] + if variance[i] < 1.0e-20: + variance[i] = 1.0e-20 + variance[i] = 1.0 / math.sqrt(variance[i]) + cmvn = np.array([means, variance]) + return cmvn + + +def _load_kaldi_cmvn(kaldi_cmvn_file): + """ Load the kaldi format cmvn stats file and calculate cmvn + + Args: + kaldi_cmvn_file: kaldi text style global cmvn file, which + is generated by: + compute-cmvn-stats --binary=false scp:feats.scp global_cmvn + + Returns: + a numpy array of [means, vars] + """ + means = [] + variance = [] + with open(kaldi_cmvn_file, 'r') as fid: + # kaldi binary file start with '\0B' + if fid.read(2) == '\0B': + logger.error('kaldi cmvn binary file is not supported, please ' + 'recompute it by: compute-cmvn-stats --binary=false ' + ' scp:feats.scp global_cmvn') + sys.exit(1) + fid.seek(0) + arr = fid.read().split() + assert (arr[0] == '[') + assert (arr[-2] == '0') + assert (arr[-1] == ']') + feat_dim = int((len(arr) - 2 - 2) / 2) + for i in range(1, feat_dim + 1): + means.append(float(arr[i])) + count = float(arr[feat_dim + 1]) + for i in range(feat_dim + 2, 2 * feat_dim + 2): + variance.append(float(arr[i])) + + for i in range(len(means)): + means[i] /= count + variance[i] = variance[i] / count - means[i] * means[i] + if variance[i] < 1.0e-20: + variance[i] = 1.0e-20 + variance[i] = 1.0 / math.sqrt(variance[i]) + cmvn = np.array([means, variance]) + return cmvn + + +def load_cmvn(cmvn_file: str, filetype: str): + """load cmvn from file. + + Args: + cmvn_file (str): cmvn path. + filetype (str): file type, optional[npz, json, kaldi]. + + Raises: + ValueError: file type not support. + + Returns: + Tuple[np.ndarray, np.ndarray]: mean, istd + """ + assert filetype in ['npz', 'json', 'kaldi'], filetype + filetype = filetype.lower() + if filetype == "json": + cmvn = _load_json_cmvn(cmvn_file) + elif filetype == "kaldi": + cmvn = _load_kaldi_cmvn(cmvn_file) + else: + raise ValueError(f"cmvn file type no support: {filetype}") + return cmvn[0], cmvn[1] diff --git a/examples/transv1.8to2.x/deepspeech/io/__init__.py b/examples/transv1.8to2.x/deepspeech/io/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/io/batchfy.py b/examples/transv1.8to2.x/deepspeech/io/batchfy.py new file mode 100644 index 000000000..de29d0546 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/batchfy.py @@ -0,0 +1,469 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import itertools + +import numpy as np + +from deepspeech.utils.log import Log + +__all__ = ["make_batchset"] + +logger = Log(__name__).getlog() + + +def batchfy_by_seq( + sorted_data, + batch_size, + max_length_in, + max_length_out, + min_batch_size=1, + shortest_first=False, + ikey="input", + iaxis=0, + okey="output", + oaxis=0, ): + """Make batch set from json dictionary + + :param List[(str, Dict[str, Any])] sorted_data: dictionary loaded from data.json + :param int batch_size: batch size + :param int max_length_in: maximum length of input to decide adaptive batch size + :param int max_length_out: maximum length of output to decide adaptive batch size + :param int min_batch_size: mininum batch size (for multi-gpu) + :param bool shortest_first: Sort from batch with shortest samples + to longest if true, otherwise reverse + :param str ikey: key to access input + (for ASR ikey="input", for TTS, MT ikey="output".) + :param int iaxis: dimension to access input + (for ASR, TTS iaxis=0, for MT iaxis="1".) + :param str okey: key to access output + (for ASR, MT okey="output". for TTS okey="input".) + :param int oaxis: dimension to access output + (for ASR, TTS, MT oaxis=0, reserved for future research, -1 means all axis.) + :return: List[List[Tuple[str, dict]]] list of batches + """ + if batch_size <= 0: + raise ValueError(f"Invalid batch_size={batch_size}") + + # check #utts is more than min_batch_size + if len(sorted_data) < min_batch_size: + raise ValueError( + f"#utts({len(sorted_data)}) is less than min_batch_size({min_batch_size})." + ) + + # make list of minibatches + minibatches = [] + start = 0 + while True: + _, info = sorted_data[start] + ilen = int(info[ikey][iaxis]["shape"][0]) + olen = (int(info[okey][oaxis]["shape"][0]) if oaxis >= 0 else + max(map(lambda x: int(x["shape"][0]), info[okey]))) + factor = max(int(ilen / max_length_in), int(olen / max_length_out)) + # change batchsize depending on the input and output length + # if ilen = 1000 and max_length_in = 800 + # then b = batchsize / 2 + # and max(min_batches, .) avoids batchsize = 0 + bs = max(min_batch_size, int(batch_size / (1 + factor))) + end = min(len(sorted_data), start + bs) + minibatch = sorted_data[start:end] + if shortest_first: + minibatch.reverse() + + # check each batch is more than minimum batchsize + if len(minibatch) < min_batch_size: + mod = min_batch_size - len(minibatch) % min_batch_size + additional_minibatch = [ + sorted_data[i] for i in np.random.randint(0, start, mod) + ] + if shortest_first: + additional_minibatch.reverse() + minibatch.extend(additional_minibatch) + minibatches.append(minibatch) + + if end == len(sorted_data): + break + start = end + + # batch: List[List[Tuple[str, dict]]] + return minibatches + + +def batchfy_by_bin( + sorted_data, + batch_bins, + num_batches=0, + min_batch_size=1, + shortest_first=False, + ikey="input", + okey="output", ): + """Make variably sized batch set, which maximizes + + the number of bins up to `batch_bins`. + + :param List[(str, Dict[str, Any])] sorted_data: dictionary loaded from data.json + :param int batch_bins: Maximum frames of a batch + :param int num_batches: # number of batches to use (for debug) + :param int min_batch_size: minimum batch size (for multi-gpu) + :param int test: Return only every `test` batches + :param bool shortest_first: Sort from batch with shortest samples + to longest if true, otherwise reverse + + :param str ikey: key to access input (for ASR ikey="input", for TTS ikey="output".) + :param str okey: key to access output (for ASR okey="output". for TTS okey="input".) + + :return: List[Tuple[str, Dict[str, List[Dict[str, Any]]]] list of batches + """ + if batch_bins <= 0: + raise ValueError(f"invalid batch_bins={batch_bins}") + length = len(sorted_data) + idim = int(sorted_data[0][1][ikey][0]["shape"][1]) + odim = int(sorted_data[0][1][okey][0]["shape"][1]) + logger.info("# utts: " + str(len(sorted_data))) + minibatches = [] + start = 0 + n = 0 + while True: + # Dynamic batch size depending on size of samples + b = 0 + next_size = 0 + max_olen = 0 + while next_size < batch_bins and (start + b) < length: + ilen = int(sorted_data[start + b][1][ikey][0]["shape"][0]) * idim + olen = int(sorted_data[start + b][1][okey][0]["shape"][0]) * odim + if olen > max_olen: + max_olen = olen + next_size = (max_olen + ilen) * (b + 1) + if next_size <= batch_bins: + b += 1 + elif next_size == 0: + raise ValueError( + f"Can't fit one sample in batch_bins ({batch_bins}): " + f"Please increase the value") + end = min(length, start + max(min_batch_size, b)) + batch = sorted_data[start:end] + if shortest_first: + batch.reverse() + minibatches.append(batch) + # Check for min_batch_size and fixes the batches if needed + i = -1 + while len(minibatches[i]) < min_batch_size: + missing = min_batch_size - len(minibatches[i]) + if -i == len(minibatches): + minibatches[i + 1].extend(minibatches[i]) + minibatches = minibatches[1:] + break + else: + minibatches[i].extend(minibatches[i - 1][:missing]) + minibatches[i - 1] = minibatches[i - 1][missing:] + i -= 1 + if end == length: + break + start = end + n += 1 + if num_batches > 0: + minibatches = minibatches[:num_batches] + lengths = [len(x) for x in minibatches] + logger.info( + str(len(minibatches)) + " batches containing from " + str(min(lengths)) + + " to " + str(max(lengths)) + " samples " + "(avg " + str( + int(np.mean(lengths))) + " samples).") + return minibatches + + +def batchfy_by_frame( + sorted_data, + max_frames_in, + max_frames_out, + max_frames_inout, + num_batches=0, + min_batch_size=1, + shortest_first=False, + ikey="input", + okey="output", ): + """Make variable batch set, which maximizes the number of frames to max_batch_frame. + + :param List[(str, Dict[str, Any])] sorteddata: dictionary loaded from data.json + :param int max_frames_in: Maximum input frames of a batch + :param int max_frames_out: Maximum output frames of a batch + :param int max_frames_inout: Maximum input+output frames of a batch + :param int num_batches: # number of batches to use (for debug) + :param int min_batch_size: minimum batch size (for multi-gpu) + :param int test: Return only every `test` batches + :param bool shortest_first: Sort from batch with shortest samples + to longest if true, otherwise reverse + + :param str ikey: key to access input (for ASR ikey="input", for TTS ikey="output".) + :param str okey: key to access output (for ASR okey="output". for TTS okey="input".) + + :return: List[Tuple[str, Dict[str, List[Dict[str, Any]]]] list of batches + """ + if max_frames_in <= 0 and max_frames_out <= 0 and max_frames_inout <= 0: + raise ValueError( + "At least, one of `--batch-frames-in`, `--batch-frames-out` or " + "`--batch-frames-inout` should be > 0") + length = len(sorted_data) + minibatches = [] + start = 0 + end = 0 + while end != length: + # Dynamic batch size depending on size of samples + b = 0 + max_olen = 0 + max_ilen = 0 + while (start + b) < length: + ilen = int(sorted_data[start + b][1][ikey][0]["shape"][0]) + if ilen > max_frames_in and max_frames_in != 0: + raise ValueError( + f"Can't fit one sample in --batch-frames-in ({max_frames_in}): " + f"Please increase the value") + olen = int(sorted_data[start + b][1][okey][0]["shape"][0]) + if olen > max_frames_out and max_frames_out != 0: + raise ValueError( + f"Can't fit one sample in --batch-frames-out ({max_frames_out}): " + f"Please increase the value") + if ilen + olen > max_frames_inout and max_frames_inout != 0: + raise ValueError( + f"Can't fit one sample in --batch-frames-out ({max_frames_inout}): " + f"Please increase the value") + max_olen = max(max_olen, olen) + max_ilen = max(max_ilen, ilen) + in_ok = max_ilen * (b + 1) <= max_frames_in or max_frames_in == 0 + out_ok = max_olen * (b + 1) <= max_frames_out or max_frames_out == 0 + inout_ok = (max_ilen + max_olen) * ( + b + 1) <= max_frames_inout or max_frames_inout == 0 + if in_ok and out_ok and inout_ok: + # add more seq in the minibatch + b += 1 + else: + # no more seq in the minibatch + break + end = min(length, start + b) + batch = sorted_data[start:end] + if shortest_first: + batch.reverse() + minibatches.append(batch) + # Check for min_batch_size and fixes the batches if needed + i = -1 + while len(minibatches[i]) < min_batch_size: + missing = min_batch_size - len(minibatches[i]) + if -i == len(minibatches): + minibatches[i + 1].extend(minibatches[i]) + minibatches = minibatches[1:] + break + else: + minibatches[i].extend(minibatches[i - 1][:missing]) + minibatches[i - 1] = minibatches[i - 1][missing:] + i -= 1 + start = end + if num_batches > 0: + minibatches = minibatches[:num_batches] + lengths = [len(x) for x in minibatches] + logger.info( + str(len(minibatches)) + " batches containing from " + str(min(lengths)) + + " to " + str(max(lengths)) + " samples" + "(avg " + str( + int(np.mean(lengths))) + " samples).") + + return minibatches + + +def batchfy_shuffle(data, batch_size, min_batch_size, num_batches, + shortest_first): + import random + + logger.info("use shuffled batch.") + sorted_data = random.sample(data.items(), len(data.items())) + logger.info("# utts: " + str(len(sorted_data))) + # make list of minibatches + minibatches = [] + start = 0 + while True: + end = min(len(sorted_data), start + batch_size) + # check each batch is more than minimum batchsize + minibatch = sorted_data[start:end] + if shortest_first: + minibatch.reverse() + if len(minibatch) < min_batch_size: + mod = min_batch_size - len(minibatch) % min_batch_size + additional_minibatch = [ + sorted_data[i] for i in np.random.randint(0, start, mod) + ] + if shortest_first: + additional_minibatch.reverse() + minibatch.extend(additional_minibatch) + minibatches.append(minibatch) + if end == len(sorted_data): + break + start = end + + # for debugging + if num_batches > 0: + minibatches = minibatches[:num_batches] + logger.info("# minibatches: " + str(len(minibatches))) + return minibatches + + +BATCH_COUNT_CHOICES = ["auto", "seq", "bin", "frame"] +BATCH_SORT_KEY_CHOICES = ["input", "output", "shuffle"] + + +def make_batchset( + data, + batch_size=0, + max_length_in=float("inf"), + max_length_out=float("inf"), + num_batches=0, + min_batch_size=1, + shortest_first=False, + batch_sort_key="input", + count="auto", + batch_bins=0, + batch_frames_in=0, + batch_frames_out=0, + batch_frames_inout=0, + iaxis=0, + oaxis=0, ): + """Make batch set from json dictionary + + if utts have "category" value, + + >>> data = [{'category': 'A', 'input': ..., 'utt':'utt1'}, + ... {'category': 'B', 'input': ..., 'utt':'utt2'}, + ... {'category': 'B', 'input': ..., 'utt':'utt3'}, + ... {'category': 'A', 'input': ..., 'utt':'utt4'}] + >>> make_batchset(data, batchsize=2, ...) + [[('utt1', ...), ('utt4', ...)], [('utt2', ...), ('utt3': ...)]] + + Note that if any utts doesn't have "category", + perform as same as batchfy_by_{count} + + :param List[Dict[str, Any]] data: dictionary loaded from data.json + :param int batch_size: maximum number of sequences in a minibatch. + :param int batch_bins: maximum number of bins (frames x dim) in a minibatch. + :param int batch_frames_in: maximum number of input frames in a minibatch. + :param int batch_frames_out: maximum number of output frames in a minibatch. + :param int batch_frames_out: maximum number of input+output frames in a minibatch. + :param str count: strategy to count maximum size of batch. + For choices, see espnet.asr.batchfy.BATCH_COUNT_CHOICES + + :param int max_length_in: maximum length of input to decide adaptive batch size + :param int max_length_out: maximum length of output to decide adaptive batch size + :param int num_batches: # number of batches to use (for debug) + :param int min_batch_size: minimum batch size (for multi-gpu) + :param bool shortest_first: Sort from batch with shortest samples + to longest if true, otherwise reverse + :param str batch_sort_key: how to sort data before creating minibatches + ["input", "output", "shuffle"] + :param bool swap_io: if True, use "input" as output and "output" + as input in `data` dict + :param bool mt: if True, use 0-axis of "output" as output and 1-axis of "output" + as input in `data` dict + :param int iaxis: dimension to access input + (for ASR, TTS iaxis=0, for MT iaxis="1".) + :param int oaxis: dimension to access output (for ASR, TTS, MT oaxis=0, + reserved for future research, -1 means all axis.) + :return: List[List[Tuple[str, dict]]] list of batches + """ + # check args + if count not in BATCH_COUNT_CHOICES: + raise ValueError( + f"arg 'count' ({count}) should be one of {BATCH_COUNT_CHOICES}") + if batch_sort_key not in BATCH_SORT_KEY_CHOICES: + raise ValueError(f"arg 'batch_sort_key' ({batch_sort_key}) should be " + f"one of {BATCH_SORT_KEY_CHOICES}") + + ikey = "input" + okey = "output" + batch_sort_axis = 0 # index of list + if count == "auto": + if batch_size != 0: + count = "seq" + elif batch_bins != 0: + count = "bin" + elif batch_frames_in != 0 or batch_frames_out != 0 or batch_frames_inout != 0: + count = "frame" + else: + raise ValueError( + f"cannot detect `count` manually set one of {BATCH_COUNT_CHOICES}" + ) + logger.info(f"count is auto detected as {count}") + + if count != "seq" and batch_sort_key == "shuffle": + raise ValueError( + "batch_sort_key=shuffle is only available if batch_count=seq") + + category2data = {} # Dict[str, dict] + for v in data: + k = v['utt'] + category2data.setdefault(v.get("category"), {})[k] = v + + batches_list = [] # List[List[List[Tuple[str, dict]]]] + for d in category2data.values(): + if batch_sort_key == "shuffle": + batches = batchfy_shuffle(d, batch_size, min_batch_size, + num_batches, shortest_first) + batches_list.append(batches) + continue + + # sort it by input lengths (long to short) + sorted_data = sorted( + d.items(), + key=lambda data: int(data[1][batch_sort_key][batch_sort_axis]["shape"][0]), + reverse=not shortest_first, ) + logger.info("# utts: " + str(len(sorted_data))) + + if count == "seq": + batches = batchfy_by_seq( + sorted_data, + batch_size=batch_size, + max_length_in=max_length_in, + max_length_out=max_length_out, + min_batch_size=min_batch_size, + shortest_first=shortest_first, + ikey=ikey, + iaxis=iaxis, + okey=okey, + oaxis=oaxis, ) + if count == "bin": + batches = batchfy_by_bin( + sorted_data, + batch_bins=batch_bins, + min_batch_size=min_batch_size, + shortest_first=shortest_first, + ikey=ikey, + okey=okey, ) + if count == "frame": + batches = batchfy_by_frame( + sorted_data, + max_frames_in=batch_frames_in, + max_frames_out=batch_frames_out, + max_frames_inout=batch_frames_inout, + min_batch_size=min_batch_size, + shortest_first=shortest_first, + ikey=ikey, + okey=okey, ) + batches_list.append(batches) + + if len(batches_list) == 1: + batches = batches_list[0] + else: + # Concat list. This way is faster than "sum(batch_list, [])" + batches = list(itertools.chain(*batches_list)) + + # for debugging + if num_batches > 0: + batches = batches[:num_batches] + logger.info("# minibatches: " + str(len(batches))) + + # batch: List[List[Tuple[str, dict]]] + return batches diff --git a/examples/transv1.8to2.x/deepspeech/io/collator.py b/examples/transv1.8to2.x/deepspeech/io/collator.py new file mode 100644 index 000000000..df3004790 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/collator.py @@ -0,0 +1,321 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import io +from collections import namedtuple +from typing import Optional + +import numpy as np +from yacs.config import CfgNode + +from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline +from deepspeech.frontend.featurizer.speech_featurizer import SpeechFeaturizer +from deepspeech.frontend.normalizer import FeatureNormalizer +from deepspeech.frontend.speech import SpeechSegment +from deepspeech.frontend.utility import IGNORE_ID +from deepspeech.io.utility import pad_list +from deepspeech.utils.log import Log + +__all__ = ["SpeechCollator"] + +logger = Log(__name__).getlog() + +# namedtupe need global for pickle. +TarLocalData = namedtuple('TarLocalData', ['tar2info', 'tar2object']) + + +class SpeechCollator(): + @classmethod + def params(cls, config: Optional[CfgNode]=None) -> CfgNode: + default = CfgNode( + dict( + augmentation_config="", + random_seed=0, + mean_std_filepath="", + unit_type="char", + vocab_filepath="", + spm_model_prefix="", + specgram_type='linear', # 'linear', 'mfcc', 'fbank' + feat_dim=0, # 'mfcc', 'fbank' + delta_delta=False, # 'mfcc', 'fbank' + stride_ms=10.0, # ms + window_ms=20.0, # ms + n_fft=None, # fft points + max_freq=None, # None for samplerate/2 + target_sample_rate=16000, # target sample rate + use_dB_normalization=True, + target_dB=-20, + dither=1.0, # feature dither + keep_transcription_text=False)) + + if config is not None: + config.merge_from_other_cfg(default) + return default + + @classmethod + def from_config(cls, config): + """Build a SpeechCollator object from a config. + + Args: + config (yacs.config.CfgNode): configs object. + + Returns: + SpeechCollator: collator object. + """ + assert 'augmentation_config' in config.collator + assert 'keep_transcription_text' in config.collator + assert 'mean_std_filepath' in config.collator + assert 'vocab_filepath' in config.collator + assert 'specgram_type' in config.collator + assert 'n_fft' in config.collator + assert config.collator + + if isinstance(config.collator.augmentation_config, (str, bytes)): + if config.collator.augmentation_config: + aug_file = io.open( + config.collator.augmentation_config, + mode='r', + encoding='utf8') + else: + aug_file = io.StringIO(initial_value='{}', newline='') + else: + aug_file = config.collator.augmentation_config + assert isinstance(aug_file, io.StringIO) + + speech_collator = cls( + aug_file=aug_file, + random_seed=0, + mean_std_filepath=config.collator.mean_std_filepath, + unit_type=config.collator.unit_type, + vocab_filepath=config.collator.vocab_filepath, + spm_model_prefix=config.collator.spm_model_prefix, + specgram_type=config.collator.specgram_type, + feat_dim=config.collator.feat_dim, + delta_delta=config.collator.delta_delta, + stride_ms=config.collator.stride_ms, + window_ms=config.collator.window_ms, + n_fft=config.collator.n_fft, + max_freq=config.collator.max_freq, + target_sample_rate=config.collator.target_sample_rate, + use_dB_normalization=config.collator.use_dB_normalization, + target_dB=config.collator.target_dB, + dither=config.collator.dither, + keep_transcription_text=config.collator.keep_transcription_text) + return speech_collator + + def __init__( + self, + aug_file, + mean_std_filepath, + vocab_filepath, + spm_model_prefix, + random_seed=0, + unit_type="char", + specgram_type='linear', # 'linear', 'mfcc', 'fbank' + feat_dim=0, # 'mfcc', 'fbank' + delta_delta=False, # 'mfcc', 'fbank' + stride_ms=10.0, # ms + window_ms=20.0, # ms + n_fft=None, # fft points + max_freq=None, # None for samplerate/2 + target_sample_rate=16000, # target sample rate + use_dB_normalization=True, + target_dB=-20, + dither=1.0, + keep_transcription_text=True): + """SpeechCollator Collator + + Args: + unit_type(str): token unit type, e.g. char, word, spm + vocab_filepath (str): vocab file path. + mean_std_filepath (str): mean and std file path, which suffix is *.npy + spm_model_prefix (str): spm model prefix, need if `unit_type` is spm. + augmentation_config (str, optional): augmentation json str. Defaults to '{}'. + stride_ms (float, optional): stride size in ms. Defaults to 10.0. + window_ms (float, optional): window size in ms. Defaults to 20.0. + n_fft (int, optional): fft points for rfft. Defaults to None. + max_freq (int, optional): max cut freq. Defaults to None. + target_sample_rate (int, optional): target sample rate which used for training. Defaults to 16000. + specgram_type (str, optional): 'linear', 'mfcc' or 'fbank'. Defaults to 'linear'. + feat_dim (int, optional): audio feature dim, using by 'mfcc' or 'fbank'. Defaults to None. + delta_delta (bool, optional): audio feature with delta-delta, using by 'fbank' or 'mfcc'. Defaults to False. + use_dB_normalization (bool, optional): do dB normalization. Defaults to True. + target_dB (int, optional): target dB. Defaults to -20. + random_seed (int, optional): for random generator. Defaults to 0. + keep_transcription_text (bool, optional): True, when not in training mode, will not do tokenizer; Defaults to False. + if ``keep_transcription_text`` is False, text is token ids else is raw string. + + Do augmentations + Padding audio features with zeros to make them have the same shape (or + a user-defined shape) within one batch. + """ + self._keep_transcription_text = keep_transcription_text + + self._local_data = TarLocalData(tar2info={}, tar2object={}) + self._augmentation_pipeline = AugmentationPipeline( + augmentation_config=aug_file.read(), random_seed=random_seed) + + self._normalizer = FeatureNormalizer( + mean_std_filepath) if mean_std_filepath else None + + self._stride_ms = stride_ms + self._target_sample_rate = target_sample_rate + + self._speech_featurizer = SpeechFeaturizer( + unit_type=unit_type, + vocab_filepath=vocab_filepath, + spm_model_prefix=spm_model_prefix, + specgram_type=specgram_type, + feat_dim=feat_dim, + delta_delta=delta_delta, + stride_ms=stride_ms, + window_ms=window_ms, + n_fft=n_fft, + max_freq=max_freq, + target_sample_rate=target_sample_rate, + use_dB_normalization=use_dB_normalization, + target_dB=target_dB, + dither=dither) + + def _parse_tar(self, file): + """Parse a tar file to get a tarfile object + and a map containing tarinfoes + """ + result = {} + f = tarfile.open(file) + for tarinfo in f.getmembers(): + result[tarinfo.name] = tarinfo + return f, result + + def _subfile_from_tar(self, file): + """Get subfile object from tar. + + It will return a subfile object from tar file + and cached tar file info for next reading request. + """ + tarpath, filename = file.split(':', 1)[1].split('#', 1) + if 'tar2info' not in self._local_data.__dict__: + self._local_data.tar2info = {} + if 'tar2object' not in self._local_data.__dict__: + self._local_data.tar2object = {} + if tarpath not in self._local_data.tar2info: + object, infoes = self._parse_tar(tarpath) + self._local_data.tar2info[tarpath] = infoes + self._local_data.tar2object[tarpath] = object + return self._local_data.tar2object[tarpath].extractfile( + self._local_data.tar2info[tarpath][filename]) + + def process_utterance(self, audio_file, transcript): + """Load, augment, featurize and normalize for speech data. + + :param audio_file: Filepath or file object of audio file. + :type audio_file: str | file + :param transcript: Transcription text. + :type transcript: str + :return: Tuple of audio feature tensor and data of transcription part, + where transcription part could be token ids or text. + :rtype: tuple of (2darray, list) + """ + if isinstance(audio_file, str) and audio_file.startswith('tar:'): + speech_segment = SpeechSegment.from_file( + self._subfile_from_tar(audio_file), transcript) + else: + speech_segment = SpeechSegment.from_file(audio_file, transcript) + + # audio augment + self._augmentation_pipeline.transform_audio(speech_segment) + + specgram, transcript_part = self._speech_featurizer.featurize( + speech_segment, self._keep_transcription_text) + if self._normalizer: + specgram = self._normalizer.apply(specgram) + + # specgram augment + specgram = self._augmentation_pipeline.transform_feature(specgram) + return specgram, transcript_part + + def __call__(self, batch): + """batch examples + + Args: + batch ([List]): batch is (audio, text) + audio (np.ndarray) shape (T, D) + text (List[int] or str): shape (U,) + + Returns: + tuple(audio, text, audio_lens, text_lens): batched data. + audio : (B, Tmax, D) + audio_lens: (B) + text : (B, Umax) + text_lens: (B) + """ + audios = [] + audio_lens = [] + texts = [] + text_lens = [] + utts = [] + for utt, audio, text in batch: + audio, text = self.process_utterance(audio, text) + #utt + utts.append(utt) + # audio + audios.append(audio) # [T, D] + audio_lens.append(audio.shape[0]) + # text + # for training, text is token ids + # else text is string, convert to unicode ord + tokens = [] + if self._keep_transcription_text: + assert isinstance(text, str), (type(text), text) + tokens = [ord(t) for t in text] + else: + tokens = text # token ids + tokens = tokens if isinstance(tokens, np.ndarray) else np.array( + tokens, dtype=np.int64) + texts.append(tokens) + text_lens.append(tokens.shape[0]) + + #[B, T, D] + xs_pad = pad_list(audios, 0.0).astype(np.float32) + ilens = np.array(audio_lens).astype(np.int64) + ys_pad = pad_list(texts, IGNORE_ID).astype(np.int64) + olens = np.array(text_lens).astype(np.int64) + return utts, xs_pad, ilens, ys_pad, olens + + @property + def manifest(self): + return self._manifest + + @property + def vocab_size(self): + return self._speech_featurizer.vocab_size + + @property + def vocab_list(self): + return self._speech_featurizer.vocab_list + + @property + def vocab_dict(self): + return self._speech_featurizer.vocab_dict + + @property + def text_feature(self): + return self._speech_featurizer.text_feature + + @property + def feature_size(self): + return self._speech_featurizer.feature_size + + @property + def stride_ms(self): + return self._speech_featurizer.stride_ms diff --git a/examples/transv1.8to2.x/deepspeech/io/collator_st.py b/examples/transv1.8to2.x/deepspeech/io/collator_st.py new file mode 100644 index 000000000..28573366b --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/collator_st.py @@ -0,0 +1,631 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import io +from collections import namedtuple +from typing import Optional + +import kaldiio +import numpy as np +from yacs.config import CfgNode + +from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline +from deepspeech.frontend.featurizer.speech_featurizer import SpeechFeaturizer +from deepspeech.frontend.featurizer.text_featurizer import TextFeaturizer +from deepspeech.frontend.normalizer import FeatureNormalizer +from deepspeech.frontend.speech import SpeechSegment +from deepspeech.frontend.utility import IGNORE_ID +from deepspeech.io.utility import pad_sequence +from deepspeech.utils.log import Log + +__all__ = ["SpeechCollator", "KaldiPrePorocessedCollator"] + +logger = Log(__name__).getlog() + +# namedtupe need global for pickle. +TarLocalData = namedtuple('TarLocalData', ['tar2info', 'tar2object']) + + +class SpeechCollator(): + @classmethod + def params(cls, config: Optional[CfgNode]=None) -> CfgNode: + default = CfgNode( + dict( + augmentation_config="", + random_seed=0, + mean_std_filepath="", + unit_type="char", + vocab_filepath="", + spm_model_prefix="", + specgram_type='linear', # 'linear', 'mfcc', 'fbank' + feat_dim=0, # 'mfcc', 'fbank' + delta_delta=False, # 'mfcc', 'fbank' + stride_ms=10.0, # ms + window_ms=20.0, # ms + n_fft=None, # fft points + max_freq=None, # None for samplerate/2 + target_sample_rate=16000, # target sample rate + use_dB_normalization=True, + target_dB=-20, + dither=1.0, # feature dither + keep_transcription_text=False)) + + if config is not None: + config.merge_from_other_cfg(default) + return default + + @classmethod + def from_config(cls, config): + """Build a SpeechCollator object from a config. + + Args: + config (yacs.config.CfgNode): configs object. + + Returns: + SpeechCollator: collator object. + """ + assert 'augmentation_config' in config.collator + assert 'keep_transcription_text' in config.collator + assert 'mean_std_filepath' in config.collator + assert 'vocab_filepath' in config.collator + assert 'specgram_type' in config.collator + assert 'n_fft' in config.collator + assert config.collator + + if isinstance(config.collator.augmentation_config, (str, bytes)): + if config.collator.augmentation_config: + aug_file = io.open( + config.collator.augmentation_config, + mode='r', + encoding='utf8') + else: + aug_file = io.StringIO(initial_value='{}', newline='') + else: + aug_file = config.collator.augmentation_config + assert isinstance(aug_file, io.StringIO) + + speech_collator = cls( + aug_file=aug_file, + random_seed=0, + mean_std_filepath=config.collator.mean_std_filepath, + unit_type=config.collator.unit_type, + vocab_filepath=config.collator.vocab_filepath, + spm_model_prefix=config.collator.spm_model_prefix, + specgram_type=config.collator.specgram_type, + feat_dim=config.collator.feat_dim, + delta_delta=config.collator.delta_delta, + stride_ms=config.collator.stride_ms, + window_ms=config.collator.window_ms, + n_fft=config.collator.n_fft, + max_freq=config.collator.max_freq, + target_sample_rate=config.collator.target_sample_rate, + use_dB_normalization=config.collator.use_dB_normalization, + target_dB=config.collator.target_dB, + dither=config.collator.dither, + keep_transcription_text=config.collator.keep_transcription_text) + return speech_collator + + def __init__( + self, + aug_file, + mean_std_filepath, + vocab_filepath, + spm_model_prefix, + random_seed=0, + unit_type="char", + specgram_type='linear', # 'linear', 'mfcc', 'fbank' + feat_dim=0, # 'mfcc', 'fbank' + delta_delta=False, # 'mfcc', 'fbank' + stride_ms=10.0, # ms + window_ms=20.0, # ms + n_fft=None, # fft points + max_freq=None, # None for samplerate/2 + target_sample_rate=16000, # target sample rate + use_dB_normalization=True, + target_dB=-20, + dither=1.0, + keep_transcription_text=True): + """SpeechCollator Collator + + Args: + unit_type(str): token unit type, e.g. char, word, spm + vocab_filepath (str): vocab file path. + mean_std_filepath (str): mean and std file path, which suffix is *.npy + spm_model_prefix (str): spm model prefix, need if `unit_type` is spm. + augmentation_config (str, optional): augmentation json str. Defaults to '{}'. + stride_ms (float, optional): stride size in ms. Defaults to 10.0. + window_ms (float, optional): window size in ms. Defaults to 20.0. + n_fft (int, optional): fft points for rfft. Defaults to None. + max_freq (int, optional): max cut freq. Defaults to None. + target_sample_rate (int, optional): target sample rate which used for training. Defaults to 16000. + specgram_type (str, optional): 'linear', 'mfcc' or 'fbank'. Defaults to 'linear'. + feat_dim (int, optional): audio feature dim, using by 'mfcc' or 'fbank'. Defaults to None. + delta_delta (bool, optional): audio feature with delta-delta, using by 'fbank' or 'mfcc'. Defaults to False. + use_dB_normalization (bool, optional): do dB normalization. Defaults to True. + target_dB (int, optional): target dB. Defaults to -20. + random_seed (int, optional): for random generator. Defaults to 0. + keep_transcription_text (bool, optional): True, when not in training mode, will not do tokenizer; Defaults to False. + if ``keep_transcription_text`` is False, text is token ids else is raw string. + + Do augmentations + Padding audio features with zeros to make them have the same shape (or + a user-defined shape) within one batch. + """ + self._keep_transcription_text = keep_transcription_text + + self._local_data = TarLocalData(tar2info={}, tar2object={}) + self._augmentation_pipeline = AugmentationPipeline( + augmentation_config=aug_file.read(), random_seed=random_seed) + + self._normalizer = FeatureNormalizer( + mean_std_filepath) if mean_std_filepath else None + + self._stride_ms = stride_ms + self._target_sample_rate = target_sample_rate + + self._speech_featurizer = SpeechFeaturizer( + unit_type=unit_type, + vocab_filepath=vocab_filepath, + spm_model_prefix=spm_model_prefix, + specgram_type=specgram_type, + feat_dim=feat_dim, + delta_delta=delta_delta, + stride_ms=stride_ms, + window_ms=window_ms, + n_fft=n_fft, + max_freq=max_freq, + target_sample_rate=target_sample_rate, + use_dB_normalization=use_dB_normalization, + target_dB=target_dB, + dither=dither) + + def _parse_tar(self, file): + """Parse a tar file to get a tarfile object + and a map containing tarinfoes + """ + result = {} + f = tarfile.open(file) + for tarinfo in f.getmembers(): + result[tarinfo.name] = tarinfo + return f, result + + def _subfile_from_tar(self, file): + """Get subfile object from tar. + + It will return a subfile object from tar file + and cached tar file info for next reading request. + """ + tarpath, filename = file.split(':', 1)[1].split('#', 1) + if 'tar2info' not in self._local_data.__dict__: + self._local_data.tar2info = {} + if 'tar2object' not in self._local_data.__dict__: + self._local_data.tar2object = {} + if tarpath not in self._local_data.tar2info: + object, infoes = self._parse_tar(tarpath) + self._local_data.tar2info[tarpath] = infoes + self._local_data.tar2object[tarpath] = object + return self._local_data.tar2object[tarpath].extractfile( + self._local_data.tar2info[tarpath][filename]) + + @property + def manifest(self): + return self._manifest + + @property + def vocab_size(self): + return self._speech_featurizer.vocab_size + + @property + def vocab_list(self): + return self._speech_featurizer.vocab_list + + @property + def vocab_dict(self): + return self._speech_featurizer.vocab_dict + + @property + def text_feature(self): + return self._speech_featurizer.text_feature + + @property + def feature_size(self): + return self._speech_featurizer.feature_size + + @property + def stride_ms(self): + return self._speech_featurizer.stride_ms + + def process_utterance(self, audio_file, translation): + """Load, augment, featurize and normalize for speech data. + + :param audio_file: Filepath or file object of audio file. + :type audio_file: str | file + :param translation: translation text. + :type translation: str + :return: Tuple of audio feature tensor and data of translation part, + where translation part could be token ids or text. + :rtype: tuple of (2darray, list) + """ + if isinstance(audio_file, str) and audio_file.startswith('tar:'): + speech_segment = SpeechSegment.from_file( + self._subfile_from_tar(audio_file), translation) + else: + speech_segment = SpeechSegment.from_file(audio_file, translation) + + # audio augment + self._augmentation_pipeline.transform_audio(speech_segment) + + specgram, translation_part = self._speech_featurizer.featurize( + speech_segment, self._keep_transcription_text) + if self._normalizer: + specgram = self._normalizer.apply(specgram) + + # specgram augment + specgram = self._augmentation_pipeline.transform_feature(specgram) + return specgram, translation_part + + def __call__(self, batch): + """batch examples + + Args: + batch ([List]): batch is (audio, text) + audio (np.ndarray) shape (T, D) + text (List[int] or str): shape (U,) + + Returns: + tuple(audio, text, audio_lens, text_lens): batched data. + audio : (B, Tmax, D) + audio_lens: (B) + text : (B, Umax) + text_lens: (B) + """ + audios = [] + audio_lens = [] + texts = [] + text_lens = [] + utts = [] + for utt, audio, text in batch: + audio, text = self.process_utterance(audio, text) + #utt + utts.append(utt) + # audio + audios.append(audio) # [T, D] + audio_lens.append(audio.shape[0]) + # text + # for training, text is token ids + # else text is string, convert to unicode ord + tokens = [] + if self._keep_transcription_text: + assert isinstance(text, str), (type(text), text) + tokens = [ord(t) for t in text] + else: + tokens = text # token ids + tokens = tokens if isinstance(tokens, np.ndarray) else np.array( + tokens, dtype=np.int64) + texts.append(tokens) + text_lens.append(tokens.shape[0]) + + padded_audios = pad_sequence( + audios, padding_value=0.0).astype(np.float32) #[B, T, D] + audio_lens = np.array(audio_lens).astype(np.int64) + padded_texts = pad_sequence( + texts, padding_value=IGNORE_ID).astype(np.int64) + text_lens = np.array(text_lens).astype(np.int64) + return utts, padded_audios, audio_lens, padded_texts, text_lens + + +class TripletSpeechCollator(SpeechCollator): + def process_utterance(self, audio_file, translation, transcript): + """Load, augment, featurize and normalize for speech data. + + :param audio_file: Filepath or file object of audio file. + :type audio_file: str | file + :param translation: translation text. + :type translation: str + :return: Tuple of audio feature tensor and data of translation part, + where translation part could be token ids or text. + :rtype: tuple of (2darray, list) + """ + if isinstance(audio_file, str) and audio_file.startswith('tar:'): + speech_segment = SpeechSegment.from_file( + self._subfile_from_tar(audio_file), translation) + else: + speech_segment = SpeechSegment.from_file(audio_file, translation) + + # audio augment + self._augmentation_pipeline.transform_audio(speech_segment) + + specgram, translation_part = self._speech_featurizer.featurize( + speech_segment, self._keep_transcription_text) + transcript_part = self._speech_featurizer._text_featurizer.featurize( + transcript) + if self._normalizer: + specgram = self._normalizer.apply(specgram) + + # specgram augment + specgram = self._augmentation_pipeline.transform_feature(specgram) + return specgram, translation_part, transcript_part + + def __call__(self, batch): + """batch examples + + Args: + batch ([List]): batch is (audio, text) + audio (np.ndarray) shape (T, D) + text (List[int] or str): shape (U,) + + Returns: + tuple(audio, text, audio_lens, text_lens): batched data. + audio : (B, Tmax, D) + audio_lens: (B) + text : (B, Umax) + text_lens: (B) + """ + audios = [] + audio_lens = [] + translation_text = [] + translation_text_lens = [] + transcription_text = [] + transcription_text_lens = [] + + utts = [] + for utt, audio, translation, transcription in batch: + audio, translation, transcription = self.process_utterance( + audio, translation, transcription) + #utt + utts.append(utt) + # audio + audios.append(audio) # [T, D] + audio_lens.append(audio.shape[0]) + # text + # for training, text is token ids + # else text is string, convert to unicode ord + tokens = [[], []] + for idx, text in enumerate([translation, transcription]): + if self._keep_transcription_text: + assert isinstance(text, str), (type(text), text) + tokens[idx] = [ord(t) for t in text] + else: + tokens[idx] = text # token ids + tokens[idx] = tokens[idx] if isinstance( + tokens[idx], np.ndarray) else np.array( + tokens[idx], dtype=np.int64) + translation_text.append(tokens[0]) + translation_text_lens.append(tokens[0].shape[0]) + transcription_text.append(tokens[1]) + transcription_text_lens.append(tokens[1].shape[0]) + + padded_audios = pad_sequence( + audios, padding_value=0.0).astype(np.float32) #[B, T, D] + audio_lens = np.array(audio_lens).astype(np.int64) + padded_translation = pad_sequence( + translation_text, padding_value=IGNORE_ID).astype(np.int64) + translation_lens = np.array(translation_text_lens).astype(np.int64) + padded_transcription = pad_sequence( + transcription_text, padding_value=IGNORE_ID).astype(np.int64) + transcription_lens = np.array(transcription_text_lens).astype(np.int64) + return utts, padded_audios, audio_lens, ( + padded_translation, padded_transcription), (translation_lens, + transcription_lens) + + +class KaldiPrePorocessedCollator(SpeechCollator): + @classmethod + def params(cls, config: Optional[CfgNode]=None) -> CfgNode: + default = CfgNode( + dict( + augmentation_config="", + random_seed=0, + unit_type="char", + vocab_filepath="", + spm_model_prefix="", + feat_dim=0, + stride_ms=10.0, + keep_transcription_text=False)) + + if config is not None: + config.merge_from_other_cfg(default) + return default + + @classmethod + def from_config(cls, config): + """Build a SpeechCollator object from a config. + + Args: + config (yacs.config.CfgNode): configs object. + + Returns: + SpeechCollator: collator object. + """ + assert 'augmentation_config' in config.collator + assert 'keep_transcription_text' in config.collator + assert 'vocab_filepath' in config.collator + assert config.collator + + if isinstance(config.collator.augmentation_config, (str, bytes)): + if config.collator.augmentation_config: + aug_file = io.open( + config.collator.augmentation_config, + mode='r', + encoding='utf8') + else: + aug_file = io.StringIO(initial_value='{}', newline='') + else: + aug_file = config.collator.augmentation_config + assert isinstance(aug_file, io.StringIO) + + speech_collator = cls( + aug_file=aug_file, + random_seed=0, + unit_type=config.collator.unit_type, + vocab_filepath=config.collator.vocab_filepath, + spm_model_prefix=config.collator.spm_model_prefix, + feat_dim=config.collator.feat_dim, + stride_ms=config.collator.stride_ms, + keep_transcription_text=config.collator.keep_transcription_text) + return speech_collator + + def __init__(self, + aug_file, + vocab_filepath, + spm_model_prefix, + random_seed=0, + unit_type="char", + feat_dim=0, + stride_ms=10.0, + keep_transcription_text=True): + """SpeechCollator Collator + + Args: + unit_type(str): token unit type, e.g. char, word, spm + vocab_filepath (str): vocab file path. + spm_model_prefix (str): spm model prefix, need if `unit_type` is spm. + augmentation_config (str, optional): augmentation json str. Defaults to '{}'. + random_seed (int, optional): for random generator. Defaults to 0. + keep_transcription_text (bool, optional): True, when not in training mode, will not do tokenizer; Defaults to False. + if ``keep_transcription_text`` is False, text is token ids else is raw string. + + Do augmentations + Padding audio features with zeros to make them have the same shape (or + a user-defined shape) within one batch. + """ + self._keep_transcription_text = keep_transcription_text + self._feat_dim = feat_dim + self._stride_ms = stride_ms + + self._local_data = TarLocalData(tar2info={}, tar2object={}) + self._augmentation_pipeline = AugmentationPipeline( + augmentation_config=aug_file.read(), random_seed=random_seed) + + self._text_featurizer = TextFeaturizer(unit_type, vocab_filepath, + spm_model_prefix) + + def process_utterance(self, audio_file, translation): + """Load, augment, featurize and normalize for speech data. + + :param audio_file: Filepath or file object of kaldi processed feature. + :type audio_file: str | file + :param translation: Translation text. + :type translation: str + :return: Tuple of audio feature tensor and data of translation part, + where translation part could be token ids or text. + :rtype: tuple of (2darray, list) + """ + specgram = kaldiio.load_mat(audio_file) + assert specgram.shape[ + 1] == self._feat_dim, 'expect feat dim {}, but got {}'.format( + self._feat_dim, specgram.shape[1]) + + # specgram augment + specgram = self._augmentation_pipeline.transform_feature(specgram) + + if self._keep_transcription_text: + return specgram, translation + else: + text_ids = self._text_featurizer.featurize(translation) + return specgram, text_ids + + +class TripletKaldiPrePorocessedCollator(KaldiPrePorocessedCollator): + def process_utterance(self, audio_file, translation, transcript): + """Load, augment, featurize and normalize for speech data. + + :param audio_file: Filepath or file object of kali processed feature. + :type audio_file: str | file + :param translation: Translation text. + :type translation: str + :param transcript: Transcription text. + :type transcript: str + :return: Tuple of audio feature tensor and data of translation and transcription parts, + where translation and transcription parts could be token ids or text. + :rtype: tuple of (2darray, (list, list)) + """ + specgram = kaldiio.load_mat(audio_file) + assert specgram.shape[ + 1] == self._feat_dim, 'expect feat dim {}, but got {}'.format( + self._feat_dim, specgram.shape[1]) + + # specgram augment + specgram = self._augmentation_pipeline.transform_feature(specgram) + + if self._keep_transcription_text: + return specgram, translation, transcript + else: + translation_text_ids = self._text_featurizer.featurize(translation) + transcript_text_ids = self._text_featurizer.featurize(transcript) + return specgram, translation_text_ids, transcript_text_ids + + def __call__(self, batch): + """batch examples + + Args: + batch ([List]): batch is (audio, text) + audio (np.ndarray) shape (T, D) + translation (List[int] or str): shape (U,) + transcription (List[int] or str): shape (V,) + + Returns: + tuple(audio, text, audio_lens, text_lens): batched data. + audio : (B, Tmax, D) + audio_lens: (B) + translation_text : (B, Umax) + translation_text_lens: (B) + transcription_text : (B, Vmax) + transcription_text_lens: (B) + """ + audios = [] + audio_lens = [] + translation_text = [] + translation_text_lens = [] + transcription_text = [] + transcription_text_lens = [] + + utts = [] + for utt, audio, translation, transcription in batch: + audio, translation, transcription = self.process_utterance( + audio, translation, transcription) + #utt + utts.append(utt) + # audio + audios.append(audio) # [T, D] + audio_lens.append(audio.shape[0]) + # text + # for training, text is token ids + # else text is string, convert to unicode ord + tokens = [[], []] + for idx, text in enumerate([translation, transcription]): + if self._keep_transcription_text: + assert isinstance(text, str), (type(text), text) + tokens[idx] = [ord(t) for t in text] + else: + tokens[idx] = text # token ids + tokens[idx] = tokens[idx] if isinstance( + tokens[idx], np.ndarray) else np.array( + tokens[idx], dtype=np.int64) + translation_text.append(tokens[0]) + translation_text_lens.append(tokens[0].shape[0]) + transcription_text.append(tokens[1]) + transcription_text_lens.append(tokens[1].shape[0]) + + padded_audios = pad_sequence( + audios, padding_value=0.0).astype(np.float32) #[B, T, D] + audio_lens = np.array(audio_lens).astype(np.int64) + padded_translation = pad_sequence( + translation_text, padding_value=IGNORE_ID).astype(np.int64) + translation_lens = np.array(translation_text_lens).astype(np.int64) + padded_transcription = pad_sequence( + transcription_text, padding_value=IGNORE_ID).astype(np.int64) + transcription_lens = np.array(transcription_text_lens).astype(np.int64) + return utts, padded_audios, audio_lens, ( + padded_translation, padded_transcription), (translation_lens, + transcription_lens) diff --git a/examples/transv1.8to2.x/deepspeech/io/converter.py b/examples/transv1.8to2.x/deepspeech/io/converter.py new file mode 100644 index 000000000..b80c7b204 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/converter.py @@ -0,0 +1,81 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import numpy as np + +from deepspeech.io.utility import pad_list +from deepspeech.utils.log import Log + +__all__ = ["CustomConverter"] + +logger = Log(__name__).getlog() + + +class CustomConverter(): + """Custom batch converter. + + Args: + subsampling_factor (int): The subsampling factor. + dtype (np.dtype): Data type to convert. + + """ + + def __init__(self, subsampling_factor=1, dtype=np.float32): + """Construct a CustomConverter object.""" + self.subsampling_factor = subsampling_factor + self.ignore_id = -1 + self.dtype = dtype + + def __call__(self, batch): + """Transform a batch and send it to a device. + + Args: + batch (list): The batch to transform. + + Returns: + tuple(np.ndarray, nn.ndarray, nn.ndarray) + + """ + # batch should be located in list + assert len(batch) == 1 + (xs, ys), utts = batch[0] + assert xs[0] is not None, "please check Reader and Augmentation impl." + + # perform subsampling + if self.subsampling_factor > 1: + xs = [x[::self.subsampling_factor, :] for x in xs] + + # get batch of lengths of input sequences + ilens = np.array([x.shape[0] for x in xs]) + + # perform padding and convert to tensor + # currently only support real number + if xs[0].dtype.kind == "c": + xs_pad_real = pad_list([x.real for x in xs], 0).astype(self.dtype) + xs_pad_imag = pad_list([x.imag for x in xs], 0).astype(self.dtype) + # Note(kamo): + # {'real': ..., 'imag': ...} will be changed to ComplexTensor in E2E. + # Don't create ComplexTensor and give it E2E here + # because torch.nn.DataParellel can't handle it. + xs_pad = {"real": xs_pad_real, "imag": xs_pad_imag} + else: + xs_pad = pad_list(xs, 0).astype(self.dtype) + + # NOTE: this is for multi-output (e.g., speech translation) + ys_pad = pad_list( + [np.array(y[0][:]) if isinstance(y, tuple) else y for y in ys], + self.ignore_id) + + olens = np.array( + [y[0].shape[0] if isinstance(y, tuple) else y.shape[0] for y in ys]) + return utts, xs_pad, ilens, ys_pad, olens diff --git a/examples/transv1.8to2.x/deepspeech/io/dataloader.py b/examples/transv1.8to2.x/deepspeech/io/dataloader.py new file mode 100644 index 000000000..a35a0bc09 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/dataloader.py @@ -0,0 +1,170 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from typing import Any +from typing import Dict +from typing import List +from typing import Text + +import numpy as np +from paddle.io import DataLoader + +from deepspeech.frontend.utility import read_manifest +from deepspeech.io.batchfy import make_batchset +from deepspeech.io.converter import CustomConverter +from deepspeech.io.dataset import TransformDataset +from deepspeech.io.reader import LoadInputsAndTargets +from deepspeech.utils.log import Log + +__all__ = ["BatchDataLoader"] + +logger = Log(__name__).getlog() + + +def feat_dim_and_vocab_size(data_json: List[Dict[Text, Any]], + mode: Text="asr", + iaxis=0, + oaxis=0): + if mode == 'asr': + feat_dim = data_json[0]['input'][oaxis]['shape'][1] + vocab_size = data_json[0]['output'][oaxis]['shape'][1] + else: + raise ValueError(f"{mode} mode not support!") + return feat_dim, vocab_size + + +def batch_collate(x): + """de-tuple. + + Args: + x (List[Tuple]): [(utts, xs, ilens, ys, olens)] + + Returns: + Tuple: (utts, xs, ilens, ys, olens) + """ + return x[0] + + +class BatchDataLoader(): + def __init__(self, + json_file: str, + train_mode: bool, + sortagrad: bool=False, + batch_size: int=0, + maxlen_in: float=float('inf'), + maxlen_out: float=float('inf'), + minibatches: int=0, + mini_batch_size: int=1, + batch_count: str='auto', + batch_bins: int=0, + batch_frames_in: int=0, + batch_frames_out: int=0, + batch_frames_inout: int=0, + preprocess_conf=None, + n_iter_processes: int=1, + subsampling_factor: int=1, + num_encs: int=1): + self.json_file = json_file + self.train_mode = train_mode + self.use_sortagrad = sortagrad == -1 or sortagrad > 0 + self.batch_size = batch_size + self.maxlen_in = maxlen_in + self.maxlen_out = maxlen_out + self.batch_count = batch_count + self.batch_bins = batch_bins + self.batch_frames_in = batch_frames_in + self.batch_frames_out = batch_frames_out + self.batch_frames_inout = batch_frames_inout + self.subsampling_factor = subsampling_factor + self.num_encs = num_encs + self.preprocess_conf = preprocess_conf + self.n_iter_processes = n_iter_processes + + # read json data + self.data_json = read_manifest(json_file) + self.feat_dim, self.vocab_size = feat_dim_and_vocab_size( + self.data_json, mode='asr') + + # make minibatch list (variable length) + self.minibaches = make_batchset( + self.data_json, + batch_size, + maxlen_in, + maxlen_out, + minibatches, # for debug + min_batch_size=mini_batch_size, + shortest_first=self.use_sortagrad, + count=batch_count, + batch_bins=batch_bins, + batch_frames_in=batch_frames_in, + batch_frames_out=batch_frames_out, + batch_frames_inout=batch_frames_inout, + iaxis=0, + oaxis=0, ) + + # data reader + self.reader = LoadInputsAndTargets( + mode="asr", + load_output=True, + preprocess_conf=preprocess_conf, + preprocess_args={"train": + train_mode}, # Switch the mode of preprocessing + ) + + # Setup a converter + if num_encs == 1: + self.converter = CustomConverter( + subsampling_factor=subsampling_factor, dtype=np.float32) + else: + assert NotImplementedError("not impl CustomConverterMulEnc.") + + # hack to make batchsize argument as 1 + # actual bathsize is included in a list + # default collate function converts numpy array to pytorch tensor + # we used an empty collate function instead which returns list + self.dataset = TransformDataset(self.minibaches, self.converter, + self.reader) + + self.dataloader = DataLoader( + dataset=self.dataset, + batch_size=1, + shuffle=not self.use_sortagrad if self.train_mode else False, + collate_fn=batch_collate, + num_workers=self.n_iter_processes, ) + + def __repr__(self): + echo = f"<{self.__class__.__module__}.{self.__class__.__name__} object at {hex(id(self))}> " + echo += f"train_mode: {self.train_mode}, " + echo += f"sortagrad: {self.use_sortagrad}, " + echo += f"batch_size: {self.batch_size}, " + echo += f"maxlen_in: {self.maxlen_in}, " + echo += f"maxlen_out: {self.maxlen_out}, " + echo += f"batch_count: {self.batch_count}, " + echo += f"batch_bins: {self.batch_bins}, " + echo += f"batch_frames_in: {self.batch_frames_in}, " + echo += f"batch_frames_out: {self.batch_frames_out}, " + echo += f"batch_frames_inout: {self.batch_frames_inout}, " + echo += f"subsampling_factor: {self.subsampling_factor}, " + echo += f"num_encs: {self.num_encs}, " + echo += f"num_workers: {self.n_iter_processes}, " + echo += f"file: {self.json_file}" + return echo + + def __len__(self): + return len(self.dataloader) + + def __iter__(self): + return self.dataloader.__iter__() + + def __call__(self): + return self.__iter__() diff --git a/examples/transv1.8to2.x/deepspeech/io/dataset.py b/examples/transv1.8to2.x/deepspeech/io/dataset.py new file mode 100644 index 000000000..d1fe04707 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/dataset.py @@ -0,0 +1,149 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from typing import Optional + +from paddle.io import Dataset +from yacs.config import CfgNode + +from deepspeech.frontend.utility import read_manifest +from deepspeech.utils.log import Log + +__all__ = ["ManifestDataset", "TripletManifestDataset", "TransformDataset"] + +logger = Log(__name__).getlog() + + +class ManifestDataset(Dataset): + @classmethod + def params(cls, config: Optional[CfgNode]=None) -> CfgNode: + default = CfgNode( + dict( + manifest="", + max_input_len=27.0, + min_input_len=0.0, + max_output_len=float('inf'), + min_output_len=0.0, + max_output_input_ratio=float('inf'), + min_output_input_ratio=0.0, )) + + if config is not None: + config.merge_from_other_cfg(default) + return default + + @classmethod + def from_config(cls, config): + """Build a ManifestDataset object from a config. + + Args: + config (yacs.config.CfgNode): configs object. + + Returns: + ManifestDataset: dataet object. + """ + assert 'manifest' in config.data + assert config.data.manifest + + dataset = cls( + manifest_path=config.data.manifest, + max_input_len=config.data.max_input_len, + min_input_len=config.data.min_input_len, + max_output_len=config.data.max_output_len, + min_output_len=config.data.min_output_len, + max_output_input_ratio=config.data.max_output_input_ratio, + min_output_input_ratio=config.data.min_output_input_ratio, ) + return dataset + + def __init__(self, + manifest_path, + max_input_len=float('inf'), + min_input_len=0.0, + max_output_len=float('inf'), + min_output_len=0.0, + max_output_input_ratio=float('inf'), + min_output_input_ratio=0.0): + """Manifest Dataset + + Args: + manifest_path (str): manifest josn file path + max_input_len ([type], optional): maximum output seq length, + in seconds for raw wav, in frame numbers for feature data. Defaults to float('inf'). + min_input_len (float, optional): minimum input seq length, + in seconds for raw wav, in frame numbers for feature data. Defaults to 0.0. + max_output_len (float, optional): maximum input seq length, + in modeling units. Defaults to 500.0. + min_output_len (float, optional): minimum input seq length, + in modeling units. Defaults to 0.0. + max_output_input_ratio (float, optional): maximum output seq length/output seq length ratio. + Defaults to 10.0. + min_output_input_ratio (float, optional): minimum output seq length/output seq length ratio. + Defaults to 0.05. + + """ + super().__init__() + + # read manifest + self._manifest = read_manifest( + manifest_path=manifest_path, + max_input_len=max_input_len, + min_input_len=min_input_len, + max_output_len=max_output_len, + min_output_len=min_output_len, + max_output_input_ratio=max_output_input_ratio, + min_output_input_ratio=min_output_input_ratio) + self._manifest.sort(key=lambda x: x["feat_shape"][0]) + + def __len__(self): + return len(self._manifest) + + def __getitem__(self, idx): + instance = self._manifest[idx] + return instance["utt"], instance["feat"], instance["text"] + + +class TripletManifestDataset(ManifestDataset): + """ + For Joint Training of Speech Translation and ASR. + text: translation, + text1: transcript. + """ + + def __getitem__(self, idx): + instance = self._manifest[idx] + return instance["utt"], instance["feat"], instance["text"], instance[ + "text1"] + + +class TransformDataset(Dataset): + """Transform Dataset. + + Args: + data: list object from make_batchset + converter: batch function + reader: read data + """ + + def __init__(self, data, converter, reader): + """Init function.""" + super().__init__() + self.data = data + self.converter = converter + self.reader = reader + + def __len__(self): + """Len function.""" + return len(self.data) + + def __getitem__(self, idx): + """[] operator.""" + return self.converter([self.reader(self.data[idx], return_uttid=True)]) diff --git a/examples/transv1.8to2.x/deepspeech/io/reader.py b/examples/transv1.8to2.x/deepspeech/io/reader.py new file mode 100644 index 000000000..95cdbb951 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/reader.py @@ -0,0 +1,410 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from collections import OrderedDict + +import kaldiio +import numpy as np +import soundfile + +from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline +from deepspeech.utils.log import Log + +__all__ = ["LoadInputsAndTargets"] + +logger = Log(__name__).getlog() + + +class LoadInputsAndTargets(): + """Create a mini-batch from a list of dicts + + >>> batch = [('utt1', + ... dict(input=[dict(feat='some.ark:123', + ... filetype='mat', + ... name='input1', + ... shape=[100, 80])], + ... output=[dict(tokenid='1 2 3 4', + ... name='target1', + ... shape=[4, 31])]])) + >>> l = LoadInputsAndTargets() + >>> feat, target = l(batch) + + :param: str mode: Specify the task mode, "asr" or "tts" + :param: str preprocess_conf: The path of a json file for pre-processing + :param: bool load_input: If False, not to load the input data + :param: bool load_output: If False, not to load the output data + :param: bool sort_in_input_length: Sort the mini-batch in descending order + of the input length + :param: bool use_speaker_embedding: Used for tts mode only + :param: bool use_second_target: Used for tts mode only + :param: dict preprocess_args: Set some optional arguments for preprocessing + :param: Optional[dict] preprocess_args: Used for tts mode only + """ + + def __init__( + self, + mode="asr", + preprocess_conf=None, + load_input=True, + load_output=True, + sort_in_input_length=True, + preprocess_args=None, + keep_all_data_on_mem=False, ): + self._loaders = {} + + if mode not in ["asr"]: + raise ValueError("Only asr are allowed: mode={}".format(mode)) + + if preprocess_conf is not None: + with open(preprocess_conf, 'r') as fin: + self.preprocessing = AugmentationPipeline(fin.read()) + logger.warning( + "[Experimental feature] Some preprocessing will be done " + "for the mini-batch creation using {}".format( + self.preprocessing)) + else: + # If conf doesn't exist, this function don't touch anything. + self.preprocessing = None + + self.mode = mode + self.load_output = load_output + self.load_input = load_input + self.sort_in_input_length = sort_in_input_length + if preprocess_args is None: + self.preprocess_args = {} + else: + assert isinstance(preprocess_args, dict), type(preprocess_args) + self.preprocess_args = dict(preprocess_args) + + self.keep_all_data_on_mem = keep_all_data_on_mem + + def __call__(self, batch, return_uttid=False): + """Function to load inputs and targets from list of dicts + + :param List[Tuple[str, dict]] batch: list of dict which is subset of + loaded data.json + :param bool return_uttid: return utterance ID information for visualization + :return: list of input token id sequences [(L_1), (L_2), ..., (L_B)] + :return: list of input feature sequences + [(T_1, D), (T_2, D), ..., (T_B, D)] + :rtype: list of float ndarray + :return: list of target token id sequences [(L_1), (L_2), ..., (L_B)] + :rtype: list of int ndarray + + """ + x_feats_dict = OrderedDict() # OrderedDict[str, List[np.ndarray]] + y_feats_dict = OrderedDict() # OrderedDict[str, List[np.ndarray]] + uttid_list = [] # List[str] + + for uttid, info in batch: + uttid_list.append(uttid) + + if self.load_input: + # Note(kamo): This for-loop is for multiple inputs + for idx, inp in enumerate(info["input"]): + # {"input": + # [{"feat": "some/path.h5:F01_050C0101_PED_REAL", + # "filetype": "hdf5", + # "name": "input1", ...}], ...} + x = self._get_from_loader( + filepath=inp["feat"], + filetype=inp.get("filetype", "mat")) + x_feats_dict.setdefault(inp["name"], []).append(x) + + if self.load_output: + for idx, inp in enumerate(info["output"]): + if "tokenid" in inp: + # ======= Legacy format for output ======= + # {"output": [{"tokenid": "1 2 3 4"}]) + x = np.fromiter( + map(int, inp["tokenid"].split()), dtype=np.int64) + else: + # ======= New format ======= + # {"input": + # [{"feat": "some/path.h5:F01_050C0101_PED_REAL", + # "filetype": "hdf5", + # "name": "target1", ...}], ...} + x = self._get_from_loader( + filepath=inp["feat"], + filetype=inp.get("filetype", "mat")) + + y_feats_dict.setdefault(inp["name"], []).append(x) + + if self.mode == "asr": + return_batch, uttid_list = self._create_batch_asr( + x_feats_dict, y_feats_dict, uttid_list) + else: + raise NotImplementedError(self.mode) + + if self.preprocessing is not None: + # Apply pre-processing all input features + for x_name in return_batch.keys(): + if x_name.startswith("input"): + return_batch[x_name] = self.preprocessing( + return_batch[x_name], uttid_list, + **self.preprocess_args) + + if return_uttid: + return tuple(return_batch.values()), uttid_list + + # Doesn't return the names now. + return tuple(return_batch.values()) + + def _create_batch_asr(self, x_feats_dict, y_feats_dict, uttid_list): + """Create a OrderedDict for the mini-batch + + :param OrderedDict x_feats_dict: + e.g. {"input1": [ndarray, ndarray, ...], + "input2": [ndarray, ndarray, ...]} + :param OrderedDict y_feats_dict: + e.g. {"target1": [ndarray, ndarray, ...], + "target2": [ndarray, ndarray, ...]} + :param: List[str] uttid_list: + Give uttid_list to sort in the same order as the mini-batch + :return: batch, uttid_list + :rtype: Tuple[OrderedDict, List[str]] + """ + # handle single-input and multi-input (paralell) asr mode + xs = list(x_feats_dict.values()) + + if self.load_output: + ys = list(y_feats_dict.values()) + assert len(xs[0]) == len(ys[0]), (len(xs[0]), len(ys[0])) + + # get index of non-zero length samples + nonzero_idx = list( + filter(lambda i: len(ys[0][i]) > 0, range(len(ys[0])))) + for n in range(1, len(y_feats_dict)): + nonzero_idx = filter(lambda i: len(ys[n][i]) > 0, nonzero_idx) + else: + # Note(kamo): Be careful not to make nonzero_idx to a generator + nonzero_idx = list(range(len(xs[0]))) + + if self.sort_in_input_length: + # sort in input lengths based on the first input + nonzero_sorted_idx = sorted( + nonzero_idx, key=lambda i: -len(xs[0][i])) + else: + nonzero_sorted_idx = nonzero_idx + + if len(nonzero_sorted_idx) != len(xs[0]): + logger.warning( + "Target sequences include empty tokenid (batch {} -> {}).". + format(len(xs[0]), len(nonzero_sorted_idx))) + + # remove zero-length samples + xs = [[x[i] for i in nonzero_sorted_idx] for x in xs] + uttid_list = [uttid_list[i] for i in nonzero_sorted_idx] + + x_names = list(x_feats_dict.keys()) + if self.load_output: + ys = [[y[i] for i in nonzero_sorted_idx] for y in ys] + y_names = list(y_feats_dict.keys()) + + # Keeping x_name and y_name, e.g. input1, for future extension + return_batch = OrderedDict([ + * [(x_name, x) for x_name, x in zip(x_names, xs)], + * [(y_name, y) for y_name, y in zip(y_names, ys)], + ]) + else: + return_batch = OrderedDict( + [(x_name, x) for x_name, x in zip(x_names, xs)]) + return return_batch, uttid_list + + def _get_from_loader(self, filepath, filetype): + """Return ndarray + + In order to make the fds to be opened only at the first referring, + the loader are stored in self._loaders + + >>> ndarray = loader.get_from_loader( + ... 'some/path.h5:F01_050C0101_PED_REAL', filetype='hdf5') + + :param: str filepath: + :param: str filetype: + :return: + :rtype: np.ndarray + """ + if filetype == "hdf5": + # e.g. + # {"input": [{"feat": "some/path.h5:F01_050C0101_PED_REAL", + # "filetype": "hdf5", + # -> filepath = "some/path.h5", key = "F01_050C0101_PED_REAL" + filepath, key = filepath.split(":", 1) + + loader = self._loaders.get(filepath) + if loader is None: + # To avoid disk access, create loader only for the first time + loader = h5py.File(filepath, "r") + self._loaders[filepath] = loader + return loader[key][()] + elif filetype == "sound.hdf5": + # e.g. + # {"input": [{"feat": "some/path.h5:F01_050C0101_PED_REAL", + # "filetype": "sound.hdf5", + # -> filepath = "some/path.h5", key = "F01_050C0101_PED_REAL" + filepath, key = filepath.split(":", 1) + + loader = self._loaders.get(filepath) + if loader is None: + # To avoid disk access, create loader only for the first time + loader = SoundHDF5File(filepath, "r", dtype="int16") + self._loaders[filepath] = loader + array, rate = loader[key] + return array + elif filetype == "sound": + # e.g. + # {"input": [{"feat": "some/path.wav", + # "filetype": "sound"}, + # Assume PCM16 + if not self.keep_all_data_on_mem: + array, _ = soundfile.read(filepath, dtype="int16") + return array + if filepath not in self._loaders: + array, _ = soundfile.read(filepath, dtype="int16") + self._loaders[filepath] = array + return self._loaders[filepath] + elif filetype == "npz": + # e.g. + # {"input": [{"feat": "some/path.npz:F01_050C0101_PED_REAL", + # "filetype": "npz", + filepath, key = filepath.split(":", 1) + + loader = self._loaders.get(filepath) + if loader is None: + # To avoid disk access, create loader only for the first time + loader = np.load(filepath) + self._loaders[filepath] = loader + return loader[key] + elif filetype == "npy": + # e.g. + # {"input": [{"feat": "some/path.npy", + # "filetype": "npy"}, + if not self.keep_all_data_on_mem: + return np.load(filepath) + if filepath not in self._loaders: + self._loaders[filepath] = np.load(filepath) + return self._loaders[filepath] + elif filetype in ["mat", "vec"]: + # e.g. + # {"input": [{"feat": "some/path.ark:123", + # "filetype": "mat"}]}, + # In this case, "123" indicates the starting points of the matrix + # load_mat can load both matrix and vector + if not self.keep_all_data_on_mem: + return kaldiio.load_mat(filepath) + if filepath not in self._loaders: + self._loaders[filepath] = kaldiio.load_mat(filepath) + return self._loaders[filepath] + elif filetype == "scp": + # e.g. + # {"input": [{"feat": "some/path.scp:F01_050C0101_PED_REAL", + # "filetype": "scp", + filepath, key = filepath.split(":", 1) + loader = self._loaders.get(filepath) + if loader is None: + # To avoid disk access, create loader only for the first time + loader = kaldiio.load_scp(filepath) + self._loaders[filepath] = loader + return loader[key] + else: + raise NotImplementedError( + "Not supported: loader_type={}".format(filetype)) + + +class SoundHDF5File(): + """Collecting sound files to a HDF5 file + + >>> f = SoundHDF5File('a.flac.h5', mode='a') + >>> array = np.random.randint(0, 100, 100, dtype=np.int16) + >>> f['id'] = (array, 16000) + >>> array, rate = f['id'] + + + :param: str filepath: + :param: str mode: + :param: str format: The type used when saving wav. flac, nist, htk, etc. + :param: str dtype: + + """ + + def __init__(self, + filepath, + mode="r+", + format=None, + dtype="int16", + **kwargs): + self.filepath = filepath + self.mode = mode + self.dtype = dtype + + self.file = h5py.File(filepath, mode, **kwargs) + if format is None: + # filepath = a.flac.h5 -> format = flac + second_ext = os.path.splitext(os.path.splitext(filepath)[0])[1] + format = second_ext[1:] + if format.upper() not in soundfile.available_formats(): + # If not found, flac is selected + format = "flac" + + # This format affects only saving + self.format = format + + def __repr__(self): + return ''.format( + self.filepath, self.mode, self.format, self.dtype) + + def create_dataset(self, name, shape=None, data=None, **kwds): + f = io.BytesIO() + array, rate = data + soundfile.write(f, array, rate, format=self.format) + self.file.create_dataset( + name, shape=shape, data=np.void(f.getvalue()), **kwds) + + def __setitem__(self, name, data): + self.create_dataset(name, data=data) + + def __getitem__(self, key): + data = self.file[key][()] + f = io.BytesIO(data.tobytes()) + array, rate = soundfile.read(f, dtype=self.dtype) + return array, rate + + def keys(self): + return self.file.keys() + + def values(self): + for k in self.file: + yield self[k] + + def items(self): + for k in self.file: + yield k, self[k] + + def __iter__(self): + return iter(self.file) + + def __contains__(self, item): + return item in self.file + + def __len__(self, item): + return len(self.file) + + def __enter__(self): + return self + + def __exit__(self, exc_type, exc_val, exc_tb): + self.file.close() + + def close(self): + self.file.close() diff --git a/examples/transv1.8to2.x/deepspeech/io/sampler.py b/examples/transv1.8to2.x/deepspeech/io/sampler.py new file mode 100644 index 000000000..763a3781e --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/sampler.py @@ -0,0 +1,251 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import math + +import numpy as np +from paddle import distributed as dist +from paddle.io import BatchSampler +from paddle.io import DistributedBatchSampler + +from deepspeech.utils.log import Log + +__all__ = [ + "SortagradDistributedBatchSampler", + "SortagradBatchSampler", +] + +logger = Log(__name__).getlog() + + +def _batch_shuffle(indices, batch_size, epoch, clipped=False): + """Put similarly-sized instances into minibatches for better efficiency + and make a batch-wise shuffle. + + 1. Sort the audio clips by duration. + 2. Generate a random number `k`, k in [0, batch_size). + 3. Randomly shift `k` instances in order to create different batches + for different epochs. Create minibatches. + 4. Shuffle the minibatches. + + :param indices: indexes. List of int. + :type indices: list + :param batch_size: Batch size. This size is also used for generate + a random number for batch shuffle. + :type batch_size: int + :param clipped: Whether to clip the heading (small shift) and trailing + (incomplete batch) instances. + :type clipped: bool + :return: Batch shuffled mainifest. + :rtype: list + """ + rng = np.random.RandomState(epoch) + shift_len = rng.randint(0, batch_size - 1) + batch_indices = list(zip(* [iter(indices[shift_len:])] * batch_size)) + rng.shuffle(batch_indices) + batch_indices = [item for batch in batch_indices for item in batch] + assert clipped is False + if not clipped: + res_len = len(indices) - shift_len - len(batch_indices) + # when res_len is 0, will return whole list, len(List[-0:]) = len(List[:]) + if res_len != 0: + batch_indices.extend(indices[-res_len:]) + batch_indices.extend(indices[0:shift_len]) + assert len(indices) == len( + batch_indices + ), f"_batch_shuffle: {len(indices)} : {len(batch_indices)} : {res_len} - {shift_len}" + return batch_indices + + +class SortagradDistributedBatchSampler(DistributedBatchSampler): + def __init__(self, + dataset, + batch_size, + num_replicas=None, + rank=None, + shuffle=False, + drop_last=False, + sortagrad=False, + shuffle_method="batch_shuffle"): + """Sortagrad Sampler for multi gpus. + + Args: + dataset (paddle.io.Dataset): + batch_size (int): batch size for one gpu + num_replicas (int, optional): world size or numbers of gpus. Defaults to None. + rank (int, optional): rank id. Defaults to None. + shuffle (bool, optional): True for do shuffle, or else. Defaults to False. + drop_last (bool, optional): whether drop last batch which is less than batch size. Defaults to False. + sortagrad (bool, optional): True, do sortgrad in first epoch, then shuffle as usual; or else. Defaults to False. + shuffle_method (str, optional): shuffle method, "instance_shuffle" or "batch_shuffle". Defaults to "batch_shuffle". + """ + super().__init__(dataset, batch_size, num_replicas, rank, shuffle, + drop_last) + self._sortagrad = sortagrad + self._shuffle_method = shuffle_method + + def __iter__(self): + num_samples = len(self.dataset) + indices = np.arange(num_samples).tolist() + indices += indices[:(self.total_size - len(indices))] + assert len(indices) == self.total_size + + # sort (by duration) or batch-wise shuffle the manifest + if self.shuffle: + if self.epoch == 0 and self._sortagrad: + logger.info( + f'rank: {dist.get_rank()} dataset sortagrad! epoch {self.epoch}' + ) + else: + logger.info( + f'rank: {dist.get_rank()} dataset shuffle! epoch {self.epoch}' + ) + if self._shuffle_method == "batch_shuffle": + # using `batch_size * nrank`, or will cause instability loss and nan or inf grad, + # since diff batch examlpe length in batches case instability loss in diff rank, + # e.g. rank0 maxlength 20, rank3 maxlength 1000 + indices = _batch_shuffle( + indices, + self.batch_size * self.nranks, + self.epoch, + clipped=False) + elif self._shuffle_method == "instance_shuffle": + np.random.RandomState(self.epoch).shuffle(indices) + else: + raise ValueError("Unknown shuffle method %s." % + self._shuffle_method) + assert len( + indices + ) == self.total_size, f"batch shuffle examples error: {len(indices)} : {self.total_size}" + + # slice `self.batch_size` examples by rank id + def _get_indices_by_batch_size(indices): + subsampled_indices = [] + last_batch_size = self.total_size % (self.batch_size * self.nranks) + assert last_batch_size % self.nranks == 0 + last_local_batch_size = last_batch_size // self.nranks + + for i in range(self.local_rank * self.batch_size, + len(indices) - last_batch_size, + self.batch_size * self.nranks): + subsampled_indices.extend(indices[i:i + self.batch_size]) + + indices = indices[len(indices) - last_batch_size:] + subsampled_indices.extend( + indices[self.local_rank * last_local_batch_size:( + self.local_rank + 1) * last_local_batch_size]) + return subsampled_indices + + if self.nranks > 1: + indices = _get_indices_by_batch_size(indices) + + assert len(indices) == self.num_samples + _sample_iter = iter(indices) + + batch_indices = [] + for idx in _sample_iter: + batch_indices.append(idx) + if len(batch_indices) == self.batch_size: + logger.debug( + f"rank: {dist.get_rank()} batch index: {batch_indices} ") + yield batch_indices + batch_indices = [] + if not self.drop_last and len(batch_indices) > 0: + yield batch_indices + + def __len__(self): + num_samples = self.num_samples + num_samples += int(not self.drop_last) * (self.batch_size - 1) + return num_samples // self.batch_size + + +class SortagradBatchSampler(BatchSampler): + def __init__(self, + dataset, + batch_size, + shuffle=False, + drop_last=False, + sortagrad=False, + shuffle_method="batch_shuffle"): + """Sortagrad Sampler for one gpu. + + Args: + dataset (paddle.io.Dataset): + batch_size (int): batch size for one gpu + shuffle (bool, optional): True for do shuffle, or else. Defaults to False. + drop_last (bool, optional): whether drop last batch which is less than batch size. Defaults to False. + sortagrad (bool, optional): True, do sortgrad in first epoch, then shuffle as usual; or else. Defaults to False. + shuffle_method (str, optional): shuffle method, "instance_shuffle" or "batch_shuffle". Defaults to "batch_shuffle". + """ + self.dataset = dataset + + assert isinstance(batch_size, int) and batch_size > 0, \ + "batch_size should be a positive integer" + self.batch_size = batch_size + assert isinstance(shuffle, bool), \ + "shuffle should be a boolean value" + self.shuffle = shuffle + assert isinstance(drop_last, bool), \ + "drop_last should be a boolean number" + + self.drop_last = drop_last + self.epoch = 0 + self.num_samples = int(math.ceil(len(self.dataset) * 1.0)) + self.total_size = self.num_samples + self._sortagrad = sortagrad + self._shuffle_method = shuffle_method + + def __iter__(self): + num_samples = len(self.dataset) + indices = np.arange(num_samples).tolist() + indices += indices[:(self.total_size - len(indices))] + assert len(indices) == self.total_size + + # sort (by duration) or batch-wise shuffle the manifest + if self.shuffle: + if self.epoch == 0 and self._sortagrad: + logger.info(f'dataset sortagrad! epoch {self.epoch}') + else: + logger.info(f'dataset shuffle! epoch {self.epoch}') + if self._shuffle_method == "batch_shuffle": + indices = _batch_shuffle( + indices, self.batch_size, self.epoch, clipped=False) + elif self._shuffle_method == "instance_shuffle": + np.random.RandomState(self.epoch).shuffle(indices) + else: + raise ValueError("Unknown shuffle method %s." % + self._shuffle_method) + assert len( + indices + ) == self.total_size, f"batch shuffle examples error: {len(indices)} : {self.total_size}" + + assert len(indices) == self.num_samples + _sample_iter = iter(indices) + + batch_indices = [] + for idx in _sample_iter: + batch_indices.append(idx) + if len(batch_indices) == self.batch_size: + logger.debug( + f"rank: {dist.get_rank()} batch index: {batch_indices} ") + yield batch_indices + batch_indices = [] + if not self.drop_last and len(batch_indices) > 0: + yield batch_indices + + self.epoch += 1 + + def __len__(self): + num_samples = self.num_samples + num_samples += int(not self.drop_last) * (self.batch_size - 1) + return num_samples // self.batch_size diff --git a/examples/transv1.8to2.x/deepspeech/io/utility.py b/examples/transv1.8to2.x/deepspeech/io/utility.py new file mode 100644 index 000000000..99487a0af --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/io/utility.py @@ -0,0 +1,87 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from typing import List + +import numpy as np + +from deepspeech.utils.log import Log + +__all__ = ["pad_list", "pad_sequence"] + +logger = Log(__name__).getlog() + + +def pad_list(sequences: List[np.ndarray], + padding_value: float=0.0) -> np.ndarray: + return pad_sequence(sequences, True, padding_value) + + +def pad_sequence(sequences: List[np.ndarray], + batch_first: bool=True, + padding_value: float=0.0) -> np.ndarray: + r"""Pad a list of variable length Tensors with ``padding_value`` + + ``pad_sequence`` stacks a list of Tensors along a new dimension, + and pads them to equal length. For example, if the input is list of + sequences with size ``L x *`` and if batch_first is False, and ``T x B x *`` + otherwise. + + `B` is batch size. It is equal to the number of elements in ``sequences``. + `T` is length of the longest sequence. + `L` is length of the sequence. + `*` is any number of trailing dimensions, including none. + + Example: + >>> a = np.ones([25, 300]) + >>> b = np.ones([22, 300]) + >>> c = np.ones([15, 300]) + >>> pad_sequence([a, b, c]).shape + [25, 3, 300] + + Note: + This function returns a np.ndarray of size ``T x B x *`` or ``B x T x *`` + where `T` is the length of the longest sequence. This function assumes + trailing dimensions and type of all the Tensors in sequences are same. + + Args: + sequences (list[np.ndarray]): list of variable length sequences. + batch_first (bool, optional): output will be in ``B x T x *`` if True, or in + ``T x B x *`` otherwise + padding_value (float, optional): value for padded elements. Default: 0. + + Returns: + np.ndarray of size ``T x B x *`` if :attr:`batch_first` is ``False``. + np.ndarray of size ``B x T x *`` otherwise + """ + + # assuming trailing dimensions and type of all the Tensors + # in sequences are same and fetching those from sequences[0] + max_size = sequences[0].shape + trailing_dims = max_size[1:] + max_len = max([s.shape[0] for s in sequences]) + if batch_first: + out_dims = (len(sequences), max_len) + trailing_dims + else: + out_dims = (max_len, len(sequences)) + trailing_dims + + out_tensor = np.full(out_dims, padding_value, dtype=sequences[0].dtype) + for i, tensor in enumerate(sequences): + length = tensor.shape[0] + # use index notation to prevent duplicate references to the tensor + if batch_first: + out_tensor[i, :length, ...] = tensor + else: + out_tensor[:length, i, ...] = tensor + + return out_tensor diff --git a/examples/transv1.8to2.x/deepspeech/models/__init__.py b/examples/transv1.8to2.x/deepspeech/models/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/models/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/models/ds2/__init__.py b/examples/transv1.8to2.x/deepspeech/models/ds2/__init__.py new file mode 100644 index 000000000..39bea5bf9 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/models/ds2/__init__.py @@ -0,0 +1,17 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from .deepspeech2 import DeepSpeech2InferModel +from .deepspeech2 import DeepSpeech2Model + +__all__ = ['DeepSpeech2Model', 'DeepSpeech2InferModel'] diff --git a/examples/transv1.8to2.x/deepspeech/models/ds2/conv.py b/examples/transv1.8to2.x/deepspeech/models/ds2/conv.py new file mode 100644 index 000000000..f76a1e580 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/models/ds2/conv.py @@ -0,0 +1,165 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from paddle import nn +from paddle.nn import functional as F + +from deepspeech.modules.activation import brelu +from deepspeech.modules.mask import make_non_pad_mask +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ['ConvStack', "conv_output_size"] + + +def conv_output_size(I, F, P, S): + # https://stanford.edu/~shervine/teaching/cs-230/cheatsheet-convolutional-neural-networks#hyperparameters + # Output size after Conv: + # By noting I the length of the input volume size, + # F the length of the filter, + # P the amount of zero padding, + # S the stride, + # then the output size O of the feature map along that dimension is given by: + # O = (I - F + Pstart + Pend) // S + 1 + # When Pstart == Pend == P, we can replace Pstart + Pend by 2P. + # When Pstart == Pend == 0 + # O = (I - F - S) // S + # https://iq.opengenus.org/output-size-of-convolution/ + # Output height = (Input height + padding height top + padding height bottom - kernel height) / (stride height) + 1 + # Output width = (Output width + padding width right + padding width left - kernel width) / (stride width) + 1 + return (I - F + 2 * P - S) // S + + +class ConvBn(nn.Layer): + """Convolution layer with batch normalization. + + :param kernel_size: The x dimension of a filter kernel. Or input a tuple for + two image dimension. + :type kernel_size: int|tuple|list + :param num_channels_in: Number of input channels. + :type num_channels_in: int + :param num_channels_out: Number of output channels. + :type num_channels_out: int + :param stride: The x dimension of the stride. Or input a tuple for two + image dimension. + :type stride: int|tuple|list + :param padding: The x dimension of the padding. Or input a tuple for two + image dimension. + :type padding: int|tuple|list + :param act: Activation type, relu|brelu + :type act: string + :return: Batch norm layer after convolution layer. + :rtype: Variable + + """ + + def __init__(self, num_channels_in, num_channels_out, kernel_size, stride, + padding, act): + + super().__init__() + assert len(kernel_size) == 2 + assert len(stride) == 2 + assert len(padding) == 2 + self.kernel_size = kernel_size + self.stride = stride + self.padding = padding + + self.conv = nn.Conv2D( + num_channels_in, + num_channels_out, + kernel_size=kernel_size, + stride=stride, + padding=padding, + weight_attr=None, + bias_attr=False, + data_format='NCHW') + + self.bn = nn.BatchNorm2D( + num_channels_out, + weight_attr=None, + bias_attr=None, + data_format='NCHW') + self.act = F.relu if act == 'relu' else brelu + + def forward(self, x, x_len): + """ + x(Tensor): audio, shape [B, C, D, T] + """ + x = self.conv(x) + x = self.bn(x) + x = self.act(x) + + x_len = (x_len - self.kernel_size[1] + 2 * self.padding[1] + ) // self.stride[1] + 1 + + # reset padding part to 0 + masks = make_non_pad_mask(x_len) #[B, T] + masks = masks.unsqueeze(1).unsqueeze(1) # [B, 1, 1, T] + # TODO(Hui Zhang): not support bool multiply + # masks = masks.type_as(x) + masks = masks.astype(x.dtype) + x = x.multiply(masks) + + return x, x_len + + +class ConvStack(nn.Layer): + """Convolution group with stacked convolution layers. + + :param feat_size: audio feature dim. + :type feat_size: int + :param num_stacks: Number of stacked convolution layers. + :type num_stacks: int + """ + + def __init__(self, feat_size, num_stacks): + super().__init__() + self.feat_size = feat_size # D + self.num_stacks = num_stacks + + self.conv_in = ConvBn( + num_channels_in=1, + num_channels_out=32, + kernel_size=(41, 11), #[D, T] + stride=(2, 3), + padding=(20, 5), + act='brelu') + + out_channel = 32 + convs = [ + ConvBn( + num_channels_in=32, + num_channels_out=out_channel, + kernel_size=(21, 11), + stride=(2, 1), + padding=(10, 5), + act='brelu') for i in range(num_stacks - 1) + ] + self.conv_stack = nn.LayerList(convs) + + # conv output feat_dim + output_height = (feat_size - 1) // 2 + 1 + for i in range(self.num_stacks - 1): + output_height = (output_height - 1) // 2 + 1 + self.output_height = out_channel * output_height + + def forward(self, x, x_len): + """ + x: shape [B, C, D, T] + x_len : shape [B] + """ + x, x_len = self.conv_in(x, x_len) + for i, conv in enumerate(self.conv_stack): + x, x_len = conv(x, x_len) + return x, x_len diff --git a/examples/transv1.8to2.x/deepspeech/models/ds2/deepspeech2.py b/examples/transv1.8to2.x/deepspeech/models/ds2/deepspeech2.py new file mode 100644 index 000000000..603a469a4 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/models/ds2/deepspeech2.py @@ -0,0 +1,313 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Deepspeech2 ASR Model""" +from typing import Optional + +import paddle +from paddle import nn +from yacs.config import CfgNode + +from deepspeech.models.ds2.conv import ConvStack +from deepspeech.models.ds2.rnn import RNNStack +from deepspeech.modules.ctc import CTCDecoder +from deepspeech.utils import layer_tools +from deepspeech.utils.checkpoint import Checkpoint +from deepspeech.utils.log import Log +logger = Log(__name__).getlog() + +__all__ = ['DeepSpeech2Model', 'DeepSpeech2InferModel'] + + +class CRNNEncoder(nn.Layer): + def __init__(self, + feat_size, + dict_size, + num_conv_layers=2, + num_rnn_layers=3, + rnn_size=1024, + use_gru=False, + share_rnn_weights=True): + super().__init__() + self.rnn_size = rnn_size + self.feat_size = feat_size # 161 for linear + self.dict_size = dict_size + + self.conv = ConvStack(feat_size, num_conv_layers) + + i_size = self.conv.output_height # H after conv stack + self.rnn = RNNStack( + i_size=i_size, + h_size=rnn_size, + num_stacks=num_rnn_layers, + use_gru=use_gru, + share_rnn_weights=share_rnn_weights) + + @property + def output_size(self): + return self.rnn_size * 2 + + def forward(self, audio, audio_len): + """Compute Encoder outputs + + Args: + audio (Tensor): [B, Tmax, D] + text (Tensor): [B, Umax] + audio_len (Tensor): [B] + text_len (Tensor): [B] + Returns: + x (Tensor): encoder outputs, [B, T, D] + x_lens (Tensor): encoder length, [B] + """ + # [B, T, D] -> [B, D, T] + audio = audio.transpose([0, 2, 1]) + # [B, D, T] -> [B, C=1, D, T] + x = audio.unsqueeze(1) + x_lens = audio_len + + # convolution group + x, x_lens = self.conv(x, x_lens) + x_val = x.numpy() + + # convert data from convolution feature map to sequence of vectors + #B, C, D, T = paddle.shape(x) # not work under jit + x = x.transpose([0, 3, 1, 2]) #[B, T, C, D] + #x = x.reshape([B, T, C * D]) #[B, T, C*D] # not work under jit + x = x.reshape([0, 0, -1]) #[B, T, C*D] + + # remove padding part + x, x_lens = self.rnn(x, x_lens) #[B, T, D] + return x, x_lens + + +class DeepSpeech2Model(nn.Layer): + """The DeepSpeech2 network structure. + + :param audio_data: Audio spectrogram data layer. + :type audio_data: Variable + :param text_data: Transcription text data layer. + :type text_data: Variable + :param audio_len: Valid sequence length data layer. + :type audio_len: Variable + :param masks: Masks data layer to reset padding. + :type masks: Variable + :param dict_size: Dictionary size for tokenized transcription. + :type dict_size: int + :param num_conv_layers: Number of stacking convolution layers. + :type num_conv_layers: int + :param num_rnn_layers: Number of stacking RNN layers. + :type num_rnn_layers: int + :param rnn_size: RNN layer size (dimension of RNN cells). + :type rnn_size: int + :param use_gru: Use gru if set True. Use simple rnn if set False. + :type use_gru: bool + :param share_rnn_weights: Whether to share input-hidden weights between + forward and backward direction RNNs. + It is only available when use_gru=False. + :type share_weights: bool + :return: A tuple of an output unnormalized log probability layer ( + before softmax) and a ctc cost layer. + :rtype: tuple of LayerOutput + """ + + @classmethod + def params(cls, config: Optional[CfgNode]=None) -> CfgNode: + default = CfgNode( + dict( + num_conv_layers=2, #Number of stacking convolution layers. + num_rnn_layers=3, #Number of stacking RNN layers. + rnn_layer_size=1024, #RNN layer size (number of RNN cells). + use_gru=True, #Use gru if set True. Use simple rnn if set False. + share_rnn_weights=True #Whether to share input-hidden weights between forward and backward directional RNNs.Notice that for GRU, weight sharing is not supported. + )) + if config is not None: + config.merge_from_other_cfg(default) + return default + + def __init__(self, + feat_size, + dict_size, + num_conv_layers=2, + num_rnn_layers=3, + rnn_size=1024, + use_gru=False, + share_rnn_weights=True, + blank_id=0): + super().__init__() + self.encoder = CRNNEncoder( + feat_size=feat_size, + dict_size=dict_size, + num_conv_layers=num_conv_layers, + num_rnn_layers=num_rnn_layers, + rnn_size=rnn_size, + use_gru=use_gru, + share_rnn_weights=share_rnn_weights) + assert (self.encoder.output_size == rnn_size * 2) + + self.decoder = CTCDecoder( + odim=dict_size, # is in vocab + enc_n_units=self.encoder.output_size, + blank_id=blank_id, # first token is + dropout_rate=0.0, + reduction=True, # sum + batch_average=True) # sum / batch_size + + def forward(self, audio, audio_len, text, text_len): + """Compute Model loss + + Args: + audio (Tenosr): [B, T, D] + audio_len (Tensor): [B] + text (Tensor): [B, U] + text_len (Tensor): [B] + + Returns: + loss (Tenosr): [1] + """ + eouts, eouts_len = self.encoder(audio, audio_len) + loss = self.decoder(eouts, eouts_len, text, text_len) + return loss + + @paddle.no_grad() + def decode(self, audio, audio_len, vocab_list, decoding_method, + lang_model_path, beam_alpha, beam_beta, beam_size, cutoff_prob, + cutoff_top_n, num_processes): + # init once + # decoders only accept string encoded in utf-8 + self.decoder.init_decode( + beam_alpha=beam_alpha, + beam_beta=beam_beta, + lang_model_path=lang_model_path, + vocab_list=vocab_list, + decoding_method=decoding_method) + + eouts, eouts_len = self.encoder(audio, audio_len) + probs = self.decoder.softmax(eouts) + + return self.decoder.decode_probs( + probs.numpy(), eouts_len, vocab_list, decoding_method, + lang_model_path, beam_alpha, beam_beta, beam_size, cutoff_prob, + cutoff_top_n, num_processes) + + def decode_probs_split(self, probs_split, vocab_list, decoding_method, + lang_model_path, beam_alpha, beam_beta, beam_size, + cutoff_prob, cutoff_top_n, num_processes): + self.decoder.init_decode( + beam_alpha=beam_alpha, + beam_beta=beam_beta, + lang_model_path=lang_model_path, + vocab_list=vocab_list, + decoding_method=decoding_method) + return self.decoder.decode_probs_split( + probs_split, vocab_list, decoding_method, lang_model_path, + beam_alpha, beam_beta, beam_size, cutoff_prob, cutoff_top_n, + num_processes) + + @classmethod + def from_pretrained(cls, dataloader, config, checkpoint_path): + """Build a DeepSpeech2Model model from a pretrained model. + Parameters + ---------- + dataloader: paddle.io.DataLoader + + config: yacs.config.CfgNode + model configs + + checkpoint_path: Path or str + the path of pretrained model checkpoint, without extension name + + Returns + ------- + DeepSpeech2Model + The model built from pretrained result. + """ + model = cls(feat_size=dataloader.collate_fn.feature_size, + dict_size=dataloader.collate_fn.vocab_size, + num_conv_layers=config.model.num_conv_layers, + num_rnn_layers=config.model.num_rnn_layers, + rnn_size=config.model.rnn_layer_size, + use_gru=config.model.use_gru, + share_rnn_weights=config.model.share_rnn_weights) + infos = Checkpoint().load_parameters( + model, checkpoint_path=checkpoint_path) + logger.info(f"checkpoint info: {infos}") + layer_tools.summary(model) + return model + + @classmethod + def from_config(cls, config): + """Build a DeepSpeec2Model from config + Parameters + + config: yacs.config.CfgNode + config.model + Returns + ------- + DeepSpeech2Model + The model built from config. + """ + model = cls(feat_size=config.feat_size, + dict_size=config.dict_size, + num_conv_layers=config.num_conv_layers, + num_rnn_layers=config.num_rnn_layers, + rnn_size=config.rnn_layer_size, + use_gru=config.use_gru, + share_rnn_weights=config.share_rnn_weights) + return model + + +class DeepSpeech2InferModel(DeepSpeech2Model): + def __init__(self, + feat_size, + dict_size, + num_conv_layers=2, + num_rnn_layers=3, + rnn_size=1024, + use_gru=False, + share_rnn_weights=True, + blank_id=0): + super().__init__( + feat_size=feat_size, + dict_size=dict_size, + num_conv_layers=num_conv_layers, + num_rnn_layers=num_rnn_layers, + rnn_size=rnn_size, + use_gru=use_gru, + share_rnn_weights=share_rnn_weights, + blank_id=blank_id) + + 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 = self.encoder(audio, audio_len) + probs = self.decoder.softmax(eouts) + return probs, eouts_len + + def export(self): + static_model = paddle.jit.to_static( + self, + input_spec=[ + paddle.static.InputSpec( + shape=[None, None, self.encoder.feat_size], + dtype='float32'), # audio, [B,T,D] + paddle.static.InputSpec(shape=[None], + dtype='int64'), # audio_length, [B] + ]) + return static_model diff --git a/examples/transv1.8to2.x/deepspeech/models/ds2/rnn.py b/examples/transv1.8to2.x/deepspeech/models/ds2/rnn.py new file mode 100644 index 000000000..e45db7c05 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/models/ds2/rnn.py @@ -0,0 +1,334 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import math + +import paddle +from paddle import nn +from paddle.nn import functional as F +from paddle.nn import initializer as I + +from deepspeech.modules.activation import brelu +from deepspeech.modules.mask import make_non_pad_mask +from deepspeech.utils.log import Log +logger = Log(__name__).getlog() + +__all__ = ['RNNStack'] + + +class RNNCell(nn.RNNCellBase): + r""" + Elman RNN (SimpleRNN) cell. Given the inputs and previous states, it + computes the outputs and updates states. + The formula used is as follows: + .. math:: + h_{t} & = act(x_{t} + b_{ih} + W_{hh}h_{t-1} + b_{hh}) + y_{t} & = h_{t} + + where :math:`act` is for :attr:`activation`. + """ + + def __init__(self, + hidden_size: int, + activation="tanh", + weight_ih_attr=None, + weight_hh_attr=None, + bias_ih_attr=None, + bias_hh_attr=None, + name=None): + super().__init__() + std = 1.0 / math.sqrt(hidden_size) + self.weight_hh = self.create_parameter( + (hidden_size, hidden_size), + weight_hh_attr, + default_initializer=I.Uniform(-std, std)) + self.bias_ih = None + self.bias_hh = self.create_parameter( + (hidden_size, ), + bias_hh_attr, + is_bias=True, + default_initializer=I.Uniform(-std, std)) + + self.hidden_size = hidden_size + if activation not in ["tanh", "relu", "brelu"]: + raise ValueError( + "activation for SimpleRNNCell should be tanh or relu, " + "but get {}".format(activation)) + self.activation = activation + self._activation_fn = paddle.tanh \ + if activation == "tanh" \ + else F.relu + if activation == 'brelu': + self._activation_fn = brelu + + def forward(self, inputs, states=None): + if states is None: + states = self.get_initial_states(inputs, self.state_shape) + pre_h = states + i2h = inputs + if self.bias_ih is not None: + i2h += self.bias_ih + h2h = paddle.matmul(pre_h, self.weight_hh, transpose_y=True) + if self.bias_hh is not None: + h2h += self.bias_hh + h = self._activation_fn(i2h + h2h) + return h, h + + @property + def state_shape(self): + return (self.hidden_size, ) + + +class GRUCell(nn.RNNCellBase): + r""" + Gated Recurrent Unit (GRU) RNN cell. Given the inputs and previous states, + it computes the outputs and updates states. + The formula for GRU used is as follows: + .. math:: + r_{t} & = \sigma(W_{ir}x_{t} + b_{ir} + W_{hr}h_{t-1} + b_{hr}) + z_{t} & = \sigma(W_{iz}x_{t} + b_{iz} + W_{hz}h_{t-1} + b_{hz}) + \widetilde{h}_{t} & = \tanh(W_{ic}x_{t} + b_{ic} + r_{t} * (W_{hc}h_{t-1} + b_{hc})) + h_{t} & = z_{t} * h_{t-1} + (1 - z_{t}) * \widetilde{h}_{t} + y_{t} & = h_{t} + + where :math:`\sigma` is the sigmoid fucntion, and * is the elemetwise + multiplication operator. + """ + + def __init__(self, + input_size: int, + hidden_size: int, + weight_ih_attr=None, + weight_hh_attr=None, + bias_ih_attr=None, + bias_hh_attr=None, + name=None): + super().__init__() + std = 1.0 / math.sqrt(hidden_size) + self.weight_hh = self.create_parameter( + (3 * hidden_size, hidden_size), + weight_hh_attr, + default_initializer=I.Uniform(-std, std)) + self.bias_ih = None + self.bias_hh = self.create_parameter( + (3 * hidden_size, ), + bias_hh_attr, + is_bias=True, + default_initializer=I.Uniform(-std, std)) + + self.hidden_size = hidden_size + self.input_size = input_size + self._gate_activation = F.sigmoid + self._activation = paddle.relu + + def forward(self, inputs, states=None): + if states is None: + states = self.get_initial_states(inputs, self.state_shape) + + pre_hidden = states # shape [batch_size, hidden_size] + + x_gates = inputs + if self.bias_ih is not None: + x_gates = x_gates + self.bias_ih + bias_u, bias_r, bias_c = paddle.split( + self.bias_hh, num_or_sections=3, axis=0) + + weight_hh = paddle.transpose( + self.weight_hh, + perm=[1, 0]) #weight_hh:shape[hidden_size, 3 * hidden_size] + w_u_r_c = paddle.flatten(weight_hh) + size_u_r = self.hidden_size * 2 * self.hidden_size + w_u_r = paddle.reshape(w_u_r_c[:size_u_r], + (self.hidden_size, self.hidden_size * 2)) + w_u, w_r = paddle.split(w_u_r, num_or_sections=2, axis=1) + w_c = paddle.reshape(w_u_r_c[size_u_r:], + (self.hidden_size, self.hidden_size)) + + h_u = paddle.matmul( + pre_hidden, w_u, + transpose_y=False) + bias_u #shape [batch_size, hidden_size] + h_r = paddle.matmul( + pre_hidden, w_r, + transpose_y=False) + bias_r #shape [batch_size, hidden_size] + + x_u, x_r, x_c = paddle.split( + x_gates, num_or_sections=3, axis=1) #shape[batch_size, hidden_size] + + u = self._gate_activation(x_u + h_u) #shape [batch_size, hidden_size] + r = self._gate_activation(x_r + h_r) #shape [batch_size, hidden_size] + c = self._activation( + x_c + paddle.matmul(r * pre_hidden, w_c, transpose_y=False) + + bias_c) # [batch_size, hidden_size] + + h = (1 - u) * pre_hidden + u * c + # https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/fluid/layers/dynamic_gru_cn.html#dynamic-gru + return h, h + + @property + def state_shape(self): + r""" + The `state_shape` of GRUCell is a shape `[hidden_size]` (-1 for batch + size would be automatically inserted into shape). The shape corresponds + to the shape of :math:`h_{t-1}`. + """ + return (self.hidden_size, ) + + +class BiRNNWithBN(nn.Layer): + """Bidirectonal simple rnn layer with sequence-wise batch normalization. + The batch normalization is only performed on input-state weights. + + :param size: Dimension of RNN cells. + :type size: int + :param share_weights: Whether to share input-hidden weights between + forward and backward directional RNNs. + :type share_weights: bool + :return: Bidirectional simple rnn layer. + :rtype: Variable + """ + + def __init__(self, i_size: int, h_size: int, share_weights: bool): + super().__init__() + self.share_weights = share_weights + if self.share_weights: + #input-hidden weights shared between bi-directional rnn. + self.fw_fc = nn.Linear(i_size, h_size, bias_attr=False) + # batch norm is only performed on input-state projection + self.fw_bn = nn.BatchNorm1D( + h_size, bias_attr=None, data_format='NLC') + self.bw_fc = self.fw_fc + self.bw_bn = self.fw_bn + else: + self.fw_fc = nn.Linear(i_size, h_size, bias_attr=False) + self.fw_bn = nn.BatchNorm1D( + h_size, bias_attr=None, data_format='NLC') + self.bw_fc = nn.Linear(i_size, h_size, bias_attr=False) + self.bw_bn = nn.BatchNorm1D( + h_size, bias_attr=None, data_format='NLC') + + self.fw_cell = RNNCell(hidden_size=h_size, activation='brelu') + self.bw_cell = RNNCell(hidden_size=h_size, activation='brelu') + self.fw_rnn = nn.RNN( + self.fw_cell, is_reverse=False, time_major=False) #[B, T, D] + self.bw_rnn = nn.RNN( + self.bw_cell, is_reverse=True, time_major=False) #[B, T, D] + + def forward(self, x: paddle.Tensor, x_len: paddle.Tensor): + # x, shape [B, T, D] + fw_x = self.fw_bn(self.fw_fc(x)) + bw_x = self.bw_bn(self.bw_fc(x)) + fw_x, _ = self.fw_rnn(inputs=fw_x, sequence_length=x_len) + bw_x, _ = self.bw_rnn(inputs=bw_x, sequence_length=x_len) + x = paddle.concat([fw_x, bw_x], axis=-1) + return x, x_len + + +class BiGRUWithBN(nn.Layer): + """Bidirectonal gru layer with sequence-wise batch normalization. + The batch normalization is only performed on input-state weights. + + :param name: Name of the layer. + :type name: string + :param input: Input layer. + :type input: Variable + :param size: Dimension of GRU cells. + :type size: int + :param act: Activation type. + :type act: string + :return: Bidirectional GRU layer. + :rtype: Variable + """ + + def __init__(self, i_size: int, h_size: int): + super().__init__() + hidden_size = h_size * 3 + + self.fw_fc = nn.Linear(i_size, hidden_size, bias_attr=False) + self.fw_bn = nn.BatchNorm1D( + hidden_size, bias_attr=None, data_format='NLC') + self.bw_fc = nn.Linear(i_size, hidden_size, bias_attr=False) + self.bw_bn = nn.BatchNorm1D( + hidden_size, bias_attr=None, data_format='NLC') + + self.fw_cell = GRUCell(input_size=hidden_size, hidden_size=h_size) + self.bw_cell = GRUCell(input_size=hidden_size, hidden_size=h_size) + self.fw_rnn = nn.RNN( + self.fw_cell, is_reverse=False, time_major=False) #[B, T, D] + self.bw_rnn = nn.RNN( + self.bw_cell, is_reverse=True, time_major=False) #[B, T, D] + + def forward(self, x, x_len): + # x, shape [B, T, D] + fw_x = self.fw_bn(self.fw_fc(x)) + + bw_x = self.bw_bn(self.bw_fc(x)) + fw_x, _ = self.fw_rnn(inputs=fw_x, sequence_length=x_len) + bw_x, _ = self.bw_rnn(inputs=bw_x, sequence_length=x_len) + x = paddle.concat([fw_x, bw_x], axis=-1) + return x, x_len + + +class RNNStack(nn.Layer): + """RNN group with stacked bidirectional simple RNN or GRU layers. + + :param input: Input layer. + :type input: Variable + :param size: Dimension of RNN cells in each layer. + :type size: int + :param num_stacks: Number of stacked rnn layers. + :type num_stacks: int + :param use_gru: Use gru if set True. Use simple rnn if set False. + :type use_gru: bool + :param share_rnn_weights: Whether to share input-hidden weights between + forward and backward directional RNNs. + It is only available when use_gru=False. + :type share_weights: bool + :return: Output layer of the RNN group. + :rtype: Variable + """ + + def __init__(self, + i_size: int, + h_size: int, + num_stacks: int, + use_gru: bool, + share_rnn_weights: bool): + super().__init__() + rnn_stacks = [] + for i in range(num_stacks): + if use_gru: + #default:GRU using tanh + rnn_stacks.append(BiGRUWithBN(i_size=i_size, h_size=h_size)) + else: + rnn_stacks.append( + BiRNNWithBN( + i_size=i_size, + h_size=h_size, + share_weights=share_rnn_weights)) + i_size = h_size * 2 + + self.rnn_stacks = nn.LayerList(rnn_stacks) + + def forward(self, x: paddle.Tensor, x_len: paddle.Tensor): + """ + x: shape [B, T, D] + x_len: shpae [B] + """ + for i, rnn in enumerate(self.rnn_stacks): + x, x_len = rnn(x, x_len) + masks = make_non_pad_mask(x_len) #[B, T] + masks = masks.unsqueeze(-1) # [B, T, 1] + # TODO(Hui Zhang): not support bool multiply + masks = masks.astype(x.dtype) + x = x.multiply(masks) + return x, x_len diff --git a/examples/transv1.8to2.x/deepspeech/modules/__init__.py b/examples/transv1.8to2.x/deepspeech/modules/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/modules/activation.py b/examples/transv1.8to2.x/deepspeech/modules/activation.py new file mode 100644 index 000000000..30132775e --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/activation.py @@ -0,0 +1,145 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from collections import OrderedDict + +import paddle +from paddle import nn + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ["get_activation", "brelu", "LinearGLUBlock", "ConvGLUBlock"] + + +def brelu(x, t_min=0.0, t_max=24.0, name=None): + # paddle.to_tensor is dygraph_only can not work under JIT + t_min = paddle.full(shape=[1], fill_value=t_min, dtype='float32') + t_max = paddle.full(shape=[1], fill_value=t_max, dtype='float32') + return x.maximum(t_min).minimum(t_max) + + +class LinearGLUBlock(nn.Layer): + """A linear Gated Linear Units (GLU) block.""" + + def __init__(self, idim: int): + """ GLU. + Args: + idim (int): input and output dimension + """ + super().__init__() + self.fc = nn.Linear(idim, idim * 2) + + def forward(self, xs): + return glu(self.fc(xs), dim=-1) + + +class ConvGLUBlock(nn.Layer): + def __init__(self, kernel_size, in_ch, out_ch, bottlececk_dim=0, + dropout=0.): + """A convolutional Gated Linear Units (GLU) block. + + Args: + kernel_size (int): kernel size + in_ch (int): number of input channels + out_ch (int): number of output channels + bottlececk_dim (int): dimension of the bottleneck layers for computational efficiency. Defaults to 0. + dropout (float): dropout probability. Defaults to 0.. + """ + + super().__init__() + + self.conv_residual = None + if in_ch != out_ch: + self.conv_residual = nn.utils.weight_norm( + nn.Conv2D( + in_channels=in_ch, out_channels=out_ch, kernel_size=(1, 1)), + name='weight', + dim=0) + self.dropout_residual = nn.Dropout(p=dropout) + + self.pad_left = nn.Pad2d((0, 0, kernel_size - 1, 0), 0) + + layers = OrderedDict() + if bottlececk_dim == 0: + layers['conv'] = nn.utils.weight_norm( + nn.Conv2D( + in_channels=in_ch, + out_channels=out_ch * 2, + kernel_size=(kernel_size, 1)), + name='weight', + dim=0) + # TODO(hirofumi0810): padding? + layers['dropout'] = nn.Dropout(p=dropout) + layers['glu'] = GLU() + + elif bottlececk_dim > 0: + layers['conv_in'] = nn.utils.weight_norm( + nn.Conv2D( + in_channels=in_ch, + out_channels=bottlececk_dim, + kernel_size=(1, 1)), + name='weight', + dim=0) + layers['dropout_in'] = nn.Dropout(p=dropout) + layers['conv_bottleneck'] = nn.utils.weight_norm( + nn.Conv2D( + in_channels=bottlececk_dim, + out_channels=bottlececk_dim, + kernel_size=(kernel_size, 1)), + name='weight', + dim=0) + layers['dropout'] = nn.Dropout(p=dropout) + layers['glu'] = GLU() + layers['conv_out'] = nn.utils.weight_norm( + nn.Conv2D( + in_channels=bottlececk_dim, + out_channels=out_ch * 2, + kernel_size=(1, 1)), + name='weight', + dim=0) + layers['dropout_out'] = nn.Dropout(p=dropout) + + self.layers = nn.Sequential(layers) + + def forward(self, xs): + """Forward pass. + Args: + xs (FloatTensor): `[B, in_ch, T, feat_dim]` + Returns: + out (FloatTensor): `[B, out_ch, T, feat_dim]` + """ + residual = xs + if self.conv_residual is not None: + residual = self.dropout_residual(self.conv_residual(residual)) + xs = self.pad_left(xs) # `[B, embed_dim, T+kernel-1, 1]` + xs = self.layers(xs) # `[B, out_ch * 2, T ,1]` + xs = xs + residual + return xs + + +def get_activation(act): + """Return activation function.""" + # Lazy load to avoid unused import + activation_funcs = { + "hardtanh": paddle.nn.Hardtanh, + "tanh": paddle.nn.Tanh, + "relu": paddle.nn.ReLU, + "selu": paddle.nn.SELU, + "swish": paddle.nn.Swish, + "gelu": paddle.nn.GELU, + "brelu": brelu, + } + + return activation_funcs[act]() diff --git a/examples/transv1.8to2.x/deepspeech/modules/cmvn.py b/examples/transv1.8to2.x/deepspeech/modules/cmvn.py new file mode 100644 index 000000000..b98af052e --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/cmvn.py @@ -0,0 +1,51 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import paddle +from paddle import nn + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ['GlobalCMVN'] + + +class GlobalCMVN(nn.Layer): + def __init__(self, + mean: paddle.Tensor, + istd: paddle.Tensor, + norm_var: bool=True): + """ + Args: + mean (paddle.Tensor): mean stats + istd (paddle.Tensor): inverse std, std which is 1.0 / std + """ + super().__init__() + assert mean.shape == istd.shape + self.norm_var = norm_var + # The buffer can be accessed from this module using self.mean + self.register_buffer("mean", mean) + self.register_buffer("istd", istd) + + def forward(self, x: paddle.Tensor): + """ + Args: + x (paddle.Tensor): (batch, max_len, feat_dim) + Returns: + (paddle.Tensor): normalized feature + """ + x = x - self.mean + if self.norm_var: + x = x * self.istd + return x diff --git a/examples/transv1.8to2.x/deepspeech/modules/crf.py b/examples/transv1.8to2.x/deepspeech/modules/crf.py new file mode 100644 index 000000000..b6b481a0f --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/crf.py @@ -0,0 +1,370 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import paddle +from paddle import nn + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ['CRF'] + + +class CRF(nn.Layer): + """ + Linear-chain Conditional Random Field (CRF). + + Args: + nb_labels (int): number of labels in your tagset, including special symbols. + bos_tag_id (int): integer representing the beginning of sentence symbol in + your tagset. + eos_tag_id (int): integer representing the end of sentence symbol in your tagset. + pad_tag_id (int, optional): integer representing the pad symbol in your tagset. + If None, the model will treat the PAD as a normal tag. Otherwise, the model + will apply constraints for PAD transitions. + batch_first (bool): Whether the first dimension represents the batch dimension. + """ + + def __init__(self, + nb_labels: int, + bos_tag_id: int, + eos_tag_id: int, + pad_tag_id: int=None, + batch_first: bool=True): + super().__init__() + + self.nb_labels = nb_labels + self.BOS_TAG_ID = bos_tag_id + self.EOS_TAG_ID = eos_tag_id + self.PAD_TAG_ID = pad_tag_id + self.batch_first = batch_first + + # initialize transitions from a random uniform distribution between -0.1 and 0.1 + self.transitions = self.create_parameter( + [self.nb_labels, self.nb_labels], + default_initializer=nn.initializer.Uniform(-0.1, 0.1)) + self.init_weights() + + def init_weights(self): + # enforce contraints (rows=from, columns=to) with a big negative number + # so exp(-10000) will tend to zero + + # no transitions allowed to the beginning of sentence + self.transitions[:, self.BOS_TAG_ID] = -10000.0 + # no transition alloed from the end of sentence + self.transitions[self.EOS_TAG_ID, :] = -10000.0 + + if self.PAD_TAG_ID is not None: + # no transitions from padding + self.transitions[self.PAD_TAG_ID, :] = -10000.0 + # no transitions to padding + self.transitions[:, self.PAD_TAG_ID] = -10000.0 + # except if the end of sentence is reached + # or we are already in a pad position + self.transitions[self.PAD_TAG_ID, self.EOS_TAG_ID] = 0.0 + self.transitions[self.PAD_TAG_ID, self.PAD_TAG_ID] = 0.0 + + def forward(self, + emissions: paddle.Tensor, + tags: paddle.Tensor, + mask: paddle.Tensor=None) -> paddle.Tensor: + """Compute the negative log-likelihood. See `log_likelihood` method.""" + nll = -self.log_likelihood(emissions, tags, mask=mask) + return nll + + def log_likelihood(self, emissions, tags, mask=None): + """Compute the probability of a sequence of tags given a sequence of + emissions scores. + + Args: + emissions (paddle.Tensor): Sequence of emissions for each label. + Shape of (batch_size, seq_len, nb_labels) if batch_first is True, + (seq_len, batch_size, nb_labels) otherwise. + tags (paddle.LongTensor): Sequence of labels. + Shape of (batch_size, seq_len) if batch_first is True, + (seq_len, batch_size) otherwise. + mask (paddle.FloatTensor, optional): Tensor representing valid positions. + If None, all positions are considered valid. + Shape of (batch_size, seq_len) if batch_first is True, + (seq_len, batch_size) otherwise. + + Returns: + paddle.Tensor: sum of the log-likelihoods for each sequence in the batch. + Shape of () + """ + # fix tensors order by setting batch as the first dimension + if not self.batch_first: + emissions = emissions.transpose(0, 1) + tags = tags.transpose(0, 1) + + if mask is None: + mask = paddle.ones(emissions.shape[:2], dtype=paddle.float) + + scores = self._compute_scores(emissions, tags, mask=mask) + partition = self._compute_log_partition(emissions, mask=mask) + return paddle.sum(scores - partition) + + def decode(self, emissions, mask=None): + """Find the most probable sequence of labels given the emissions using + the Viterbi algorithm. + + Args: + emissions (paddle.Tensor): Sequence of emissions for each label. + Shape (batch_size, seq_len, nb_labels) if batch_first is True, + (seq_len, batch_size, nb_labels) otherwise. + mask (paddle.FloatTensor, optional): Tensor representing valid positions. + If None, all positions are considered valid. + Shape (batch_size, seq_len) if batch_first is True, + (seq_len, batch_size) otherwise. + + Returns: + paddle.Tensor: the viterbi score for the for each batch. + Shape of (batch_size,) + list of lists: the best viterbi sequence of labels for each batch. [B, T] + """ + # fix tensors order by setting batch as the first dimension + if not self.batch_first: + emissions = emissions.transpose(0, 1) + tags = tags.transpose(0, 1) + + if mask is None: + mask = paddle.ones(emissions.shape[:2], dtype=paddle.float) + + scores, sequences = self._viterbi_decode(emissions, mask) + return scores, sequences + + def _compute_scores(self, emissions, tags, mask): + """Compute the scores for a given batch of emissions with their tags. + + Args: + emissions (paddle.Tensor): (batch_size, seq_len, nb_labels) + tags (Paddle.LongTensor): (batch_size, seq_len) + mask (Paddle.FloatTensor): (batch_size, seq_len) + + Returns: + paddle.Tensor: Scores for each batch. + Shape of (batch_size,) + """ + batch_size, seq_length = tags.shape + scores = paddle.zeros([batch_size]) + + # save first and last tags to be used later + first_tags = tags[:, 0] + last_valid_idx = mask.int().sum(1) - 1 + + # TODO(Hui Zhang): not support fancy index. + # last_tags = tags.gather(last_valid_idx.unsqueeze(1), axis=1).squeeze() + batch_idx = paddle.arange(batch_size, dtype=last_valid_idx.dtype) + gather_last_valid_idx = paddle.stack( + [batch_idx, last_valid_idx], axis=-1) + last_tags = tags.gather_nd(gather_last_valid_idx) + + # add the transition from BOS to the first tags for each batch + # t_scores = self.transitions[self.BOS_TAG_ID, first_tags] + t_scores = self.transitions[self.BOS_TAG_ID].gather(first_tags) + + # add the [unary] emission scores for the first tags for each batch + # for all batches, the first word, see the correspondent emissions + # for the first tags (which is a list of ids): + # emissions[:, 0, [tag_1, tag_2, ..., tag_nblabels]] + # e_scores = emissions[:, 0].gather(1, first_tags.unsqueeze(1)).squeeze() + gather_first_tags_idx = paddle.stack([batch_idx, first_tags], axis=-1) + e_scores = emissions[:, 0].gather_nd(gather_first_tags_idx) + + # the scores for a word is just the sum of both scores + scores += e_scores + t_scores + + # now lets do this for each remaining word + for i in range(1, seq_length): + + # we could: iterate over batches, check if we reached a mask symbol + # and stop the iteration, but vecotrizing is faster due to gpu, + # so instead we perform an element-wise multiplication + is_valid = mask[:, i] + + previous_tags = tags[:, i - 1] + current_tags = tags[:, i] + + # calculate emission and transition scores as we did before + # e_scores = emissions[:, i].gather(1, current_tags.unsqueeze(1)).squeeze() + gather_current_tags_idx = paddle.stack( + [batch_idx, current_tags], axis=-1) + e_scores = emissions[:, i].gather_nd(gather_current_tags_idx) + # t_scores = self.transitions[previous_tags, current_tags] + gather_transitions_idx = paddle.stack( + [previous_tags, current_tags], axis=-1) + t_scores = self.transitions.gather_nd(gather_transitions_idx) + + # apply the mask + e_scores = e_scores * is_valid + t_scores = t_scores * is_valid + + scores += e_scores + t_scores + + # add the transition from the end tag to the EOS tag for each batch + # scores += self.transitions[last_tags, self.EOS_TAG_ID] + scores += self.transitions.gather(last_tags)[:, self.EOS_TAG_ID] + + return scores + + def _compute_log_partition(self, emissions, mask): + """Compute the partition function in log-space using the forward-algorithm. + + Args: + emissions (paddle.Tensor): (batch_size, seq_len, nb_labels) + mask (Paddle.FloatTensor): (batch_size, seq_len) + + Returns: + paddle.Tensor: the partition scores for each batch. + Shape of (batch_size,) + """ + batch_size, seq_length, nb_labels = emissions.shape + + # in the first iteration, BOS will have all the scores + alphas = self.transitions[self.BOS_TAG_ID, :].unsqueeze( + 0) + emissions[:, 0] + + for i in range(1, seq_length): + # (bs, nb_labels) -> (bs, 1, nb_labels) + e_scores = emissions[:, i].unsqueeze(1) + + # (nb_labels, nb_labels) -> (bs, nb_labels, nb_labels) + t_scores = self.transitions.unsqueeze(0) + + # (bs, nb_labels) -> (bs, nb_labels, 1) + a_scores = alphas.unsqueeze(2) + + scores = e_scores + t_scores + a_scores + new_alphas = paddle.logsumexp(scores, axis=1) + + # set alphas if the mask is valid, otherwise keep the current values + is_valid = mask[:, i].unsqueeze(-1) + alphas = is_valid * new_alphas + (1 - is_valid) * alphas + + # add the scores for the final transition + last_transition = self.transitions[:, self.EOS_TAG_ID] + end_scores = alphas + last_transition.unsqueeze(0) + + # return a *log* of sums of exps + return paddle.logsumexp(end_scores, axis=1) + + def _viterbi_decode(self, emissions, mask): + """Compute the viterbi algorithm to find the most probable sequence of labels + given a sequence of emissions. + + Args: + emissions (paddle.Tensor): (batch_size, seq_len, nb_labels) + mask (Paddle.FloatTensor): (batch_size, seq_len) + + Returns: + paddle.Tensor: the viterbi score for the for each batch. + Shape of (batch_size,) + list of lists of ints: the best viterbi sequence of labels for each batch + """ + batch_size, seq_length, nb_labels = emissions.shape + + # in the first iteration, BOS will have all the scores and then, the max + alphas = self.transitions[self.BOS_TAG_ID, :].unsqueeze( + 0) + emissions[:, 0] + + backpointers = [] + + for i in range(1, seq_length): + # (bs, nb_labels) -> (bs, 1, nb_labels) + e_scores = emissions[:, i].unsqueeze(1) + + # (nb_labels, nb_labels) -> (bs, nb_labels, nb_labels) + t_scores = self.transitions.unsqueeze(0) + + # (bs, nb_labels) -> (bs, nb_labels, 1) + a_scores = alphas.unsqueeze(2) + + # combine current scores with previous alphas + scores = e_scores + t_scores + a_scores + + # so far is exactly like the forward algorithm, + # but now, instead of calculating the logsumexp, + # we will find the highest score and the tag associated with it + # max_scores, max_score_tags = paddle.max(scores, axis=1) + max_scores = paddle.max(scores, axis=1) + max_score_tags = paddle.argmax(scores, axis=1) + + # set alphas if the mask is valid, otherwise keep the current values + is_valid = mask[:, i].unsqueeze(-1) + alphas = is_valid * max_scores + (1 - is_valid) * alphas + + # add the max_score_tags for our list of backpointers + # max_scores has shape (batch_size, nb_labels) so we transpose it to + # be compatible with our previous loopy version of viterbi + backpointers.append(max_score_tags.t()) + + # add the scores for the final transition + last_transition = self.transitions[:, self.EOS_TAG_ID] + end_scores = alphas + last_transition.unsqueeze(0) + + # get the final most probable score and the final most probable tag + # max_final_scores, max_final_tags = paddle.max(end_scores, axis=1) + max_final_scores = paddle.max(end_scores, axis=1) + max_final_tags = paddle.argmax(end_scores, axis=1) + + # find the best sequence of labels for each sample in the batch + best_sequences = [] + emission_lengths = mask.int().sum(axis=1) + for i in range(batch_size): + + # recover the original sentence length for the i-th sample in the batch + sample_length = emission_lengths[i].item() + + # recover the max tag for the last timestep + sample_final_tag = max_final_tags[i].item() + + # limit the backpointers until the last but one + # since the last corresponds to the sample_final_tag + sample_backpointers = backpointers[:sample_length - 1] + + # follow the backpointers to build the sequence of labels + sample_path = self._find_best_path(i, sample_final_tag, + sample_backpointers) + + # add this path to the list of best sequences + best_sequences.append(sample_path) + + return max_final_scores, best_sequences + + def _find_best_path(self, sample_id, best_tag, backpointers): + """Auxiliary function to find the best path sequence for a specific sample. + + Args: + sample_id (int): sample index in the range [0, batch_size) + best_tag (int): tag which maximizes the final score + backpointers (list of lists of tensors): list of pointers with + shape (seq_len_i-1, nb_labels, batch_size) where seq_len_i + represents the length of the ith sample in the batch + + Returns: + list of ints: a list of tag indexes representing the bast path + """ + # add the final best_tag to our best path + best_path = [best_tag] + + # traverse the backpointers in backwards + for backpointers_t in reversed(backpointers): + + # recover the best_tag at this timestep + best_tag = backpointers_t[best_tag][sample_id].item() + + # append to the beginning of the list so we don't need to reverse it later + best_path.insert(0, best_tag) + + return best_path diff --git a/examples/transv1.8to2.x/deepspeech/modules/ctc.py b/examples/transv1.8to2.x/deepspeech/modules/ctc.py new file mode 100644 index 000000000..356910cef --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/ctc.py @@ -0,0 +1,274 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import paddle +from paddle import nn +from paddle.nn import functional as F +from typeguard import check_argument_types + +from deepspeech.modules.loss import CTCLoss +from deepspeech.utils import ctc_utils +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +try: + from deepspeech.decoders.swig_wrapper import ctc_beam_search_decoder_batch # noqa: F401 + from deepspeech.decoders.swig_wrapper import ctc_greedy_decoder # noqa: F401 + from deepspeech.decoders.swig_wrapper import Scorer # noqa: F401 +except Exception as e: + logger.info("ctcdecoder not installed!") + +__all__ = ['CTCDecoder'] + + +class CTCDecoder(nn.Layer): + def __init__(self, + odim, + enc_n_units, + blank_id=0, + dropout_rate: float=0.0, + reduction: bool=True, + batch_average: bool=True): + """CTC decoder + + Args: + odim ([int]): text vocabulary size + enc_n_units ([int]): encoder output dimention + dropout_rate (float): dropout rate (0.0 ~ 1.0) + reduction (bool): reduce the CTC loss into a scalar, True for 'sum' or 'none' + batch_average (bool): do batch dim wise average. + grad_norm_type (str): one of 'instance', 'batchsize', 'frame', None. + """ + assert check_argument_types() + super().__init__() + + self.blank_id = blank_id + self.odim = odim + self.dropout_rate = dropout_rate + self.ctc_lo = nn.Linear(enc_n_units, self.odim) + reduction_type = "sum" if reduction else "none" + self.criterion = CTCLoss( + blank=self.blank_id, + reduction=reduction_type, + batch_average=batch_average) + + # CTCDecoder LM Score handle + self._ext_scorer = None + + def forward(self, hs_pad, hlens, ys_pad, ys_lens): + """Calculate CTC loss. + + Args: + hs_pad (Tensor): batch of padded hidden state sequences (B, Tmax, D) + hlens (Tensor): batch of lengths of hidden state sequences (B) + ys_pad (Tenosr): batch of padded character id sequence tensor (B, Lmax) + ys_lens (Tensor): batch of lengths of character sequence (B) + Returns: + loss (Tenosr): ctc loss value, scalar. + """ + logits = self.ctc_lo(F.dropout(hs_pad, p=self.dropout_rate)) + loss = self.criterion(logits, ys_pad, hlens, ys_lens) + return loss + + def softmax(self, eouts: paddle.Tensor, temperature: float=1.0): + """Get CTC probabilities. + Args: + eouts (FloatTensor): `[B, T, enc_units]` + Returns: + probs (FloatTensor): `[B, T, odim]` + """ + self.probs = F.softmax(self.ctc_lo(eouts) / temperature, axis=2) + return self.probs + + def log_softmax(self, hs_pad: paddle.Tensor, + temperature: float=1.0) -> paddle.Tensor: + """log_softmax of frame activations + Args: + Tensor hs_pad: 3d tensor (B, Tmax, eprojs) + Returns: + paddle.Tensor: log softmax applied 3d tensor (B, Tmax, odim) + """ + return F.log_softmax(self.ctc_lo(hs_pad) / temperature, axis=2) + + def argmax(self, hs_pad: paddle.Tensor) -> paddle.Tensor: + """argmax of frame activations + Args: + paddle.Tensor hs_pad: 3d tensor (B, Tmax, eprojs) + Returns: + paddle.Tensor: argmax applied 2d tensor (B, Tmax) + """ + return paddle.argmax(self.ctc_lo(hs_pad), dim=2) + + def forced_align(self, + ctc_probs: paddle.Tensor, + y: paddle.Tensor, + blank_id=0) -> list: + """ctc forced alignment. + Args: + ctc_probs (paddle.Tensor): hidden state sequence, 2d tensor (T, D) + y (paddle.Tensor): label id sequence tensor, 1d tensor (L) + blank_id (int): blank symbol index + Returns: + paddle.Tensor: best alignment result, (T). + """ + return ctc_utils.forced_align(ctc_probs, y, blank_id) + + def _decode_batch_greedy(self, probs_split, vocab_list): + """Decode by best path for a batch of probs matrix input. + :param probs_split: List of 2-D probability matrix, and each consists + of prob vectors for one speech utterancce. + :param probs_split: List of matrix + :param vocab_list: List of tokens in the vocabulary, for decoding. + :type vocab_list: list + :return: List of transcription texts. + :rtype: List of str + """ + results = [] + for i, probs in enumerate(probs_split): + output_transcription = ctc_greedy_decoder( + probs_seq=probs, vocabulary=vocab_list, blank_id=self.blank_id) + results.append(output_transcription) + return results + + def _init_ext_scorer(self, beam_alpha, beam_beta, language_model_path, + vocab_list): + """Initialize the external scorer. + :param beam_alpha: Parameter associated with language model. + :type beam_alpha: float + :param beam_beta: Parameter associated with word count. + :type beam_beta: float + :param language_model_path: Filepath for language model. If it is + empty, the external scorer will be set to + None, and the decoding method will be pure + beam search without scorer. + :type language_model_path: str|None + :param vocab_list: List of tokens in the vocabulary, for decoding. + :type vocab_list: list + """ + # init once + if self._ext_scorer is not None: + return + + if language_model_path != '': + logger.info("begin to initialize the external scorer " + "for decoding") + self._ext_scorer = Scorer(beam_alpha, beam_beta, + language_model_path, vocab_list) + lm_char_based = self._ext_scorer.is_character_based() + lm_max_order = self._ext_scorer.get_max_order() + lm_dict_size = self._ext_scorer.get_dict_size() + logger.info("language model: " + "is_character_based = %d," % lm_char_based + + " max_order = %d," % lm_max_order + " dict_size = %d" % + lm_dict_size) + logger.info("end initializing scorer") + else: + self._ext_scorer = None + logger.info("no language model provided, " + "decoding by pure beam search without scorer.") + + def _decode_batch_beam_search(self, probs_split, beam_alpha, beam_beta, + beam_size, cutoff_prob, cutoff_top_n, + vocab_list, num_processes): + """Decode by beam search for a batch of probs matrix input. + :param probs_split: List of 2-D probability matrix, and each consists + of prob vectors for one speech utterancce. + :param probs_split: List of matrix + :param beam_alpha: Parameter associated with language model. + :type beam_alpha: float + :param beam_beta: Parameter associated with word count. + :type beam_beta: float + :param beam_size: Width for Beam search. + :type beam_size: int + :param cutoff_prob: Cutoff probability in pruning, + default 1.0, no pruning. + :type cutoff_prob: float + :param cutoff_top_n: Cutoff number in pruning, only top cutoff_top_n + characters with highest probs in vocabulary will be + used in beam search, default 40. + :type cutoff_top_n: int + :param vocab_list: List of tokens in the vocabulary, for decoding. + :type vocab_list: list + :param num_processes: Number of processes (CPU) for decoder. + :type num_processes: int + :return: List of transcription texts. + :rtype: List of str + """ + if self._ext_scorer is not None: + self._ext_scorer.reset_params(beam_alpha, beam_beta) + + # beam search decode + num_processes = min(num_processes, len(probs_split)) + beam_search_results = ctc_beam_search_decoder_batch( + probs_split=probs_split, + vocabulary=vocab_list, + beam_size=beam_size, + num_processes=num_processes, + ext_scoring_func=self._ext_scorer, + cutoff_prob=cutoff_prob, + cutoff_top_n=cutoff_top_n, + blank_id=self.blank_id) + + results = [result[0][1] for result in beam_search_results] + return results + + def init_decode(self, beam_alpha, beam_beta, lang_model_path, vocab_list, + decoding_method): + + if decoding_method == "ctc_beam_search": + self._init_ext_scorer(beam_alpha, beam_beta, lang_model_path, + vocab_list) + + def decode_probs(self, probs, logits_lens, vocab_list, decoding_method, + lang_model_path, beam_alpha, beam_beta, beam_size, + cutoff_prob, cutoff_top_n, num_processes): + """ctc decoding with probs. + + Args: + probs (Tenosr): activation after softmax + logits_lens (Tenosr): audio output lens + vocab_list ([type]): [description] + decoding_method ([type]): [description] + lang_model_path ([type]): [description] + beam_alpha ([type]): [description] + beam_beta ([type]): [description] + beam_size ([type]): [description] + cutoff_prob ([type]): [description] + cutoff_top_n ([type]): [description] + num_processes ([type]): [description] + + Raises: + ValueError: when decoding_method not support. + + Returns: + List[str]: transcripts. + """ + + probs_split = [probs[i, :l, :] for i, l in enumerate(logits_lens)] + if decoding_method == "ctc_greedy": + result_transcripts = self._decode_batch_greedy( + probs_split=probs_split, vocab_list=vocab_list) + elif decoding_method == "ctc_beam_search": + result_transcripts = self._decode_batch_beam_search( + probs_split=probs_split, + beam_alpha=beam_alpha, + beam_beta=beam_beta, + beam_size=beam_size, + cutoff_prob=cutoff_prob, + cutoff_top_n=cutoff_top_n, + vocab_list=vocab_list, + num_processes=num_processes) + else: + raise ValueError(f"Not support: {decoding_method}") + return result_transcripts diff --git a/examples/transv1.8to2.x/deepspeech/modules/decoder.py b/examples/transv1.8to2.x/deepspeech/modules/decoder.py new file mode 100644 index 000000000..87c9fa492 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/decoder.py @@ -0,0 +1,182 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Decoder definition.""" +from typing import List +from typing import Optional +from typing import Tuple + +import paddle +from paddle import nn +from typeguard import check_argument_types + +from deepspeech.modules.attention import MultiHeadedAttention +from deepspeech.modules.decoder_layer import DecoderLayer +from deepspeech.modules.embedding import PositionalEncoding +from deepspeech.modules.mask import make_non_pad_mask +from deepspeech.modules.mask import subsequent_mask +from deepspeech.modules.positionwise_feed_forward import PositionwiseFeedForward +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ["TransformerDecoder"] + + +class TransformerDecoder(nn.Layer): + """Base class of Transfomer decoder module. + Args: + vocab_size: output dim + encoder_output_size: dimension of attention + attention_heads: the number of heads of multi head attention + linear_units: the hidden units number of position-wise feedforward + num_blocks: the number of decoder blocks + dropout_rate: dropout rate + self_attention_dropout_rate: dropout rate for attention + input_layer: input layer type, `embed` + use_output_layer: whether to use output layer + pos_enc_class: PositionalEncoding module + normalize_before: + True: use layer_norm before each sub-block of a layer. + False: use layer_norm after each sub-block of a layer. + concat_after: whether to concat attention layer's input and output + True: x -> x + linear(concat(x, att(x))) + False: x -> x + att(x) + """ + + def __init__( + self, + vocab_size: int, + encoder_output_size: int, + attention_heads: int=4, + linear_units: int=2048, + num_blocks: int=6, + dropout_rate: float=0.1, + positional_dropout_rate: float=0.1, + self_attention_dropout_rate: float=0.0, + src_attention_dropout_rate: float=0.0, + input_layer: str="embed", + use_output_layer: bool=True, + normalize_before: bool=True, + concat_after: bool=False, ): + + assert check_argument_types() + super().__init__() + attention_dim = encoder_output_size + + if input_layer == "embed": + self.embed = nn.Sequential( + nn.Embedding(vocab_size, attention_dim), + PositionalEncoding(attention_dim, positional_dropout_rate), ) + else: + raise ValueError(f"only 'embed' is supported: {input_layer}") + + self.normalize_before = normalize_before + self.after_norm = nn.LayerNorm(attention_dim, epsilon=1e-12) + self.use_output_layer = use_output_layer + self.output_layer = nn.Linear(attention_dim, vocab_size) + + self.decoders = nn.LayerList([ + DecoderLayer( + size=attention_dim, + self_attn=MultiHeadedAttention(attention_heads, attention_dim, + self_attention_dropout_rate), + src_attn=MultiHeadedAttention(attention_heads, attention_dim, + src_attention_dropout_rate), + feed_forward=PositionwiseFeedForward( + attention_dim, linear_units, dropout_rate), + dropout_rate=dropout_rate, + normalize_before=normalize_before, + concat_after=concat_after, ) for _ in range(num_blocks) + ]) + + def forward( + self, + memory: paddle.Tensor, + memory_mask: paddle.Tensor, + ys_in_pad: paddle.Tensor, + ys_in_lens: paddle.Tensor, ) -> Tuple[paddle.Tensor, paddle.Tensor]: + """Forward decoder. + Args: + memory: encoded memory, float32 (batch, maxlen_in, feat) + memory_mask: encoder memory mask, (batch, 1, maxlen_in) + ys_in_pad: padded input token ids, int64 (batch, maxlen_out) + ys_in_lens: input lengths of this batch (batch) + Returns: + (tuple): tuple containing: + x: decoded token score before softmax (batch, maxlen_out, vocab_size) + if use_output_layer is True, + olens: (batch, ) + """ + tgt = ys_in_pad + # tgt_mask: (B, 1, L) + tgt_mask = (make_non_pad_mask(ys_in_lens).unsqueeze(1)) + # m: (1, L, L) + m = subsequent_mask(tgt_mask.size(-1)).unsqueeze(0) + # tgt_mask: (B, L, L) + # TODO(Hui Zhang): not support & for tensor + # tgt_mask = tgt_mask & m + tgt_mask = tgt_mask.logical_and(m) + + x, _ = self.embed(tgt) + for layer in self.decoders: + x, tgt_mask, memory, memory_mask = layer(x, tgt_mask, memory, + memory_mask) + if self.normalize_before: + x = self.after_norm(x) + if self.use_output_layer: + x = self.output_layer(x) + + # TODO(Hui Zhang): reduce_sum not support bool type + # olens = tgt_mask.sum(1) + olens = tgt_mask.astype(paddle.int).sum(1) + return x, olens + + def forward_one_step( + self, + memory: paddle.Tensor, + memory_mask: paddle.Tensor, + tgt: paddle.Tensor, + tgt_mask: paddle.Tensor, + cache: Optional[List[paddle.Tensor]]=None, + ) -> Tuple[paddle.Tensor, List[paddle.Tensor]]: + """Forward one step. + This is only used for decoding. + Args: + memory: encoded memory, float32 (batch, maxlen_in, feat) + memory_mask: encoded memory mask, (batch, 1, maxlen_in) + tgt: input token ids, int64 (batch, maxlen_out) + tgt_mask: input token mask, (batch, maxlen_out, maxlen_out) + dtype=paddle.bool + cache: cached output list of (batch, max_time_out-1, size) + Returns: + y, cache: NN output value and cache per `self.decoders`. + y.shape` is (batch, token) + """ + x, _ = self.embed(tgt) + new_cache = [] + for i, decoder in enumerate(self.decoders): + if cache is None: + c = None + else: + c = cache[i] + x, tgt_mask, memory, memory_mask = decoder( + x, tgt_mask, memory, memory_mask, cache=c) + new_cache.append(x) + if self.normalize_before: + y = self.after_norm(x[:, -1]) + else: + y = x[:, -1] + if self.use_output_layer: + y = paddle.log_softmax(self.output_layer(y), axis=-1) + return y, new_cache diff --git a/examples/transv1.8to2.x/deepspeech/modules/decoder_layer.py b/examples/transv1.8to2.x/deepspeech/modules/decoder_layer.py new file mode 100644 index 000000000..47c42615e --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/decoder_layer.py @@ -0,0 +1,151 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Decoder self-attention layer definition.""" +from typing import Optional +from typing import Tuple + +import paddle +from paddle import nn + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ["DecoderLayer"] + + +class DecoderLayer(nn.Layer): + """Single decoder layer module. + Args: + size (int): Input dimension. + self_attn (nn.Layer): Self-attention module instance. + `MultiHeadedAttention` instance can be used as the argument. + src_attn (nn.Layer): Self-attention module instance. + `MultiHeadedAttention` instance can be used as the argument. + feed_forward (nn.Layer): Feed-forward module instance. + `PositionwiseFeedForward` instance can be used as the argument. + dropout_rate (float): Dropout rate. + normalize_before (bool): + True: use layer_norm before each sub-block. + False: to use layer_norm after each sub-block. + concat_after (bool): Whether to concat attention layer's input + and output. + True: x -> x + linear(concat(x, att(x))) + False: x -> x + att(x) + """ + + def __init__( + self, + size: int, + self_attn: nn.Layer, + src_attn: nn.Layer, + feed_forward: nn.Layer, + dropout_rate: float, + normalize_before: bool=True, + concat_after: bool=False, ): + """Construct an DecoderLayer object.""" + super().__init__() + self.size = size + self.self_attn = self_attn + self.src_attn = src_attn + self.feed_forward = feed_forward + self.norm1 = nn.LayerNorm(size, epsilon=1e-12) + self.norm2 = nn.LayerNorm(size, epsilon=1e-12) + self.norm3 = nn.LayerNorm(size, epsilon=1e-12) + self.dropout = nn.Dropout(dropout_rate) + self.normalize_before = normalize_before + self.concat_after = concat_after + self.concat_linear1 = nn.Linear(size + size, size) + self.concat_linear2 = nn.Linear(size + size, size) + + def forward( + self, + tgt: paddle.Tensor, + tgt_mask: paddle.Tensor, + memory: paddle.Tensor, + memory_mask: paddle.Tensor, + cache: Optional[paddle.Tensor]=None + ) -> Tuple[paddle.Tensor, paddle.Tensor, paddle.Tensor, paddle.Tensor]: + """Compute decoded features. + Args: + tgt (paddle.Tensor): Input tensor (#batch, maxlen_out, size). + tgt_mask (paddle.Tensor): Mask for input tensor + (#batch, maxlen_out). + memory (paddle.Tensor): Encoded memory + (#batch, maxlen_in, size). + memory_mask (paddle.Tensor): Encoded memory mask + (#batch, maxlen_in). + cache (paddle.Tensor): cached tensors. + (#batch, maxlen_out - 1, size). + Returns: + paddle.Tensor: Output tensor (#batch, maxlen_out, size). + paddle.Tensor: Mask for output tensor (#batch, maxlen_out). + paddle.Tensor: Encoded memory (#batch, maxlen_in, size). + paddle.Tensor: Encoded memory mask (#batch, maxlen_in). + """ + residual = tgt + if self.normalize_before: + tgt = self.norm1(tgt) + + if cache is None: + tgt_q = tgt + tgt_q_mask = tgt_mask + else: + # compute only the last frame query keeping dim: max_time_out -> 1 + assert cache.shape == [ + tgt.shape[0], + tgt.shape[1] - 1, + self.size, + ], f"{cache.shape} == {[tgt.shape[0], tgt.shape[1] - 1, self.size]}" + tgt_q = tgt[:, -1:, :] + residual = residual[:, -1:, :] + # TODO(Hui Zhang): slice not support bool type + # tgt_q_mask = tgt_mask[:, -1:, :] + tgt_q_mask = tgt_mask.cast(paddle.int64)[:, -1:, :].cast( + paddle.bool) + + if self.concat_after: + tgt_concat = paddle.cat( + (tgt_q, self.self_attn(tgt_q, tgt, tgt, tgt_q_mask)), dim=-1) + x = residual + self.concat_linear1(tgt_concat) + else: + x = residual + self.dropout( + self.self_attn(tgt_q, tgt, tgt, tgt_q_mask)) + if not self.normalize_before: + x = self.norm1(x) + + residual = x + if self.normalize_before: + x = self.norm2(x) + if self.concat_after: + x_concat = paddle.cat( + (x, self.src_attn(x, memory, memory, memory_mask)), dim=-1) + x = residual + self.concat_linear2(x_concat) + else: + x = residual + self.dropout( + self.src_attn(x, memory, memory, memory_mask)) + if not self.normalize_before: + x = self.norm2(x) + + residual = x + if self.normalize_before: + x = self.norm3(x) + x = residual + self.dropout(self.feed_forward(x)) + if not self.normalize_before: + x = self.norm3(x) + + if cache is not None: + x = paddle.cat([cache, x], dim=1) + + return x, tgt_mask, memory, memory_mask diff --git a/examples/transv1.8to2.x/deepspeech/modules/encoder.py b/examples/transv1.8to2.x/deepspeech/modules/encoder.py new file mode 100644 index 000000000..71ec61a0e --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/encoder.py @@ -0,0 +1,453 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Encoder definition.""" +from typing import List +from typing import Optional +from typing import Tuple + +import paddle +from paddle import nn +from typeguard import check_argument_types + +from deepspeech.modules.activation import get_activation +from deepspeech.modules.attention import MultiHeadedAttention +from deepspeech.modules.attention import RelPositionMultiHeadedAttention +from deepspeech.modules.conformer_convolution import ConvolutionModule +from deepspeech.modules.embedding import PositionalEncoding +from deepspeech.modules.embedding import RelPositionalEncoding +from deepspeech.modules.encoder_layer import ConformerEncoderLayer +from deepspeech.modules.encoder_layer import TransformerEncoderLayer +from deepspeech.modules.mask import add_optional_chunk_mask +from deepspeech.modules.mask import make_non_pad_mask +from deepspeech.modules.positionwise_feed_forward import PositionwiseFeedForward +from deepspeech.modules.subsampling import Conv2dSubsampling4 +from deepspeech.modules.subsampling import Conv2dSubsampling6 +from deepspeech.modules.subsampling import Conv2dSubsampling8 +from deepspeech.modules.subsampling import LinearNoSubsampling +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ["BaseEncoder", 'TransformerEncoder', "ConformerEncoder"] + + +class BaseEncoder(nn.Layer): + def __init__( + self, + input_size: int, + output_size: int=256, + attention_heads: int=4, + linear_units: int=2048, + num_blocks: int=6, + dropout_rate: float=0.1, + positional_dropout_rate: float=0.1, + attention_dropout_rate: float=0.0, + input_layer: str="conv2d", + pos_enc_layer_type: str="abs_pos", + normalize_before: bool=True, + concat_after: bool=False, + static_chunk_size: int=0, + use_dynamic_chunk: bool=False, + global_cmvn: paddle.nn.Layer=None, + use_dynamic_left_chunk: bool=False, ): + """ + Args: + input_size (int): input dim, d_feature + output_size (int): dimension of attention, d_model + attention_heads (int): the number of heads of multi head attention + linear_units (int): the hidden units number of position-wise feed + forward + num_blocks (int): the number of encoder blocks + dropout_rate (float): dropout rate + attention_dropout_rate (float): dropout rate in attention + positional_dropout_rate (float): dropout rate after adding + positional encoding + input_layer (str): input layer type. + optional [linear, conv2d, conv2d6, conv2d8] + pos_enc_layer_type (str): Encoder positional encoding layer type. + opitonal [abs_pos, scaled_abs_pos, rel_pos] + normalize_before (bool): + True: use layer_norm before each sub-block of a layer. + False: use layer_norm after each sub-block of a layer. + concat_after (bool): whether to concat attention layer's input + and output. + True: x -> x + linear(concat(x, att(x))) + False: x -> x + att(x) + static_chunk_size (int): chunk size for static chunk training and + decoding + use_dynamic_chunk (bool): whether use dynamic chunk size for + training or not, You can only use fixed chunk(chunk_size > 0) + or dyanmic chunk size(use_dynamic_chunk = True) + global_cmvn (Optional[paddle.nn.Layer]): Optional GlobalCMVN layer + use_dynamic_left_chunk (bool): whether use dynamic left chunk in + dynamic chunk training + """ + assert check_argument_types() + super().__init__() + self._output_size = output_size + + if pos_enc_layer_type == "abs_pos": + pos_enc_class = PositionalEncoding + elif pos_enc_layer_type == "rel_pos": + pos_enc_class = RelPositionalEncoding + else: + raise ValueError("unknown pos_enc_layer: " + pos_enc_layer_type) + + if input_layer == "linear": + subsampling_class = LinearNoSubsampling + elif input_layer == "conv2d": + subsampling_class = Conv2dSubsampling4 + elif input_layer == "conv2d6": + subsampling_class = Conv2dSubsampling6 + elif input_layer == "conv2d8": + subsampling_class = Conv2dSubsampling8 + else: + raise ValueError("unknown input_layer: " + input_layer) + + self.global_cmvn = global_cmvn + self.embed = subsampling_class( + idim=input_size, + odim=output_size, + dropout_rate=dropout_rate, + pos_enc_class=pos_enc_class( + d_model=output_size, dropout_rate=positional_dropout_rate), ) + + self.normalize_before = normalize_before + self.after_norm = nn.LayerNorm(output_size, epsilon=1e-12) + self.static_chunk_size = static_chunk_size + self.use_dynamic_chunk = use_dynamic_chunk + self.use_dynamic_left_chunk = use_dynamic_left_chunk + + def output_size(self) -> int: + return self._output_size + + def forward( + self, + xs: paddle.Tensor, + xs_lens: paddle.Tensor, + decoding_chunk_size: int=0, + num_decoding_left_chunks: int=-1, + ) -> Tuple[paddle.Tensor, paddle.Tensor]: + """Embed positions in tensor. + Args: + xs: padded input tensor (B, L, D) + xs_lens: input length (B) + decoding_chunk_size: decoding chunk size for dynamic chunk + 0: default for training, use random dynamic chunk. + <0: for decoding, use full chunk. + >0: for decoding, use fixed chunk size as set. + num_decoding_left_chunks: number of left chunks, this is for decoding, + the chunk size is decoding_chunk_size. + >=0: use num_decoding_left_chunks + <0: use all left chunks + Returns: + encoder output tensor, lens and mask + """ + masks = make_non_pad_mask(xs_lens).unsqueeze(1) # (B, 1, L) + + if self.global_cmvn is not None: + xs = self.global_cmvn(xs) + #TODO(Hui Zhang): self.embed(xs, masks, offset=0), stride_slice not support bool tensor + xs, pos_emb, masks = self.embed(xs, masks.type_as(xs), offset=0) + #TODO(Hui Zhang): remove mask.astype, stride_slice not support bool tensor + masks = masks.astype(paddle.bool) + #TODO(Hui Zhang): mask_pad = ~masks + mask_pad = masks.logical_not() + chunk_masks = add_optional_chunk_mask( + xs, masks, self.use_dynamic_chunk, self.use_dynamic_left_chunk, + decoding_chunk_size, self.static_chunk_size, + num_decoding_left_chunks) + for layer in self.encoders: + xs, chunk_masks, _ = layer(xs, chunk_masks, pos_emb, mask_pad) + if self.normalize_before: + xs = self.after_norm(xs) + # Here we assume the mask is not changed in encoder layers, so just + # return the masks before encoder layers, and the masks will be used + # for cross attention with decoder later + return xs, masks + + def forward_chunk( + self, + xs: paddle.Tensor, + offset: int, + required_cache_size: int, + subsampling_cache: Optional[paddle.Tensor]=None, + elayers_output_cache: Optional[List[paddle.Tensor]]=None, + conformer_cnn_cache: Optional[List[paddle.Tensor]]=None, + ) -> Tuple[paddle.Tensor, paddle.Tensor, List[paddle.Tensor], List[ + paddle.Tensor]]: + """ Forward just one chunk + Args: + xs (paddle.Tensor): chunk input, [B=1, T, D] + offset (int): current offset in encoder output time stamp + required_cache_size (int): cache size required for next chunk + compuation + >=0: actual cache size + <0: means all history cache is required + subsampling_cache (Optional[paddle.Tensor]): subsampling cache + elayers_output_cache (Optional[List[paddle.Tensor]]): + transformer/conformer encoder layers output cache + conformer_cnn_cache (Optional[List[paddle.Tensor]]): conformer + cnn cache + Returns: + paddle.Tensor: output of current input xs + paddle.Tensor: subsampling cache required for next chunk computation + List[paddle.Tensor]: encoder layers output cache required for next + chunk computation + List[paddle.Tensor]: conformer cnn cache + """ + assert xs.size(0) == 1 # batch size must be one + # tmp_masks is just for interface compatibility + # TODO(Hui Zhang): stride_slice not support bool tensor + # tmp_masks = paddle.ones([1, xs.size(1)], dtype=paddle.bool) + tmp_masks = paddle.ones([1, xs.size(1)], dtype=paddle.int32) + tmp_masks = tmp_masks.unsqueeze(1) #[B=1, C=1, T] + + if self.global_cmvn is not None: + xs = self.global_cmvn(xs) + + xs, pos_emb, _ = self.embed( + xs, tmp_masks, offset=offset) #xs=(B, T, D), pos_emb=(B=1, T, D) + + if subsampling_cache is not None: + cache_size = subsampling_cache.size(1) #T + xs = paddle.cat((subsampling_cache, xs), dim=1) + else: + cache_size = 0 + + # only used when using `RelPositionMultiHeadedAttention` + pos_emb = self.embed.position_encoding( + offset=offset - cache_size, size=xs.size(1)) + + if required_cache_size < 0: + next_cache_start = 0 + elif required_cache_size == 0: + next_cache_start = xs.size(1) + else: + next_cache_start = xs.size(1) - required_cache_size + r_subsampling_cache = xs[:, next_cache_start:, :] + + # Real mask for transformer/conformer layers + masks = paddle.ones([1, xs.size(1)], dtype=paddle.bool) + masks = masks.unsqueeze(1) #[B=1, L'=1, T] + r_elayers_output_cache = [] + r_conformer_cnn_cache = [] + for i, layer in enumerate(self.encoders): + attn_cache = None if elayers_output_cache is None else elayers_output_cache[ + i] + cnn_cache = None if conformer_cnn_cache is None else conformer_cnn_cache[ + i] + xs, _, new_cnn_cache = layer( + xs, + masks, + pos_emb, + output_cache=attn_cache, + cnn_cache=cnn_cache) + r_elayers_output_cache.append(xs[:, next_cache_start:, :]) + r_conformer_cnn_cache.append(new_cnn_cache) + if self.normalize_before: + xs = self.after_norm(xs) + + return (xs[:, cache_size:, :], r_subsampling_cache, + r_elayers_output_cache, r_conformer_cnn_cache) + + def forward_chunk_by_chunk( + self, + xs: paddle.Tensor, + decoding_chunk_size: int, + num_decoding_left_chunks: int=-1, + ) -> Tuple[paddle.Tensor, paddle.Tensor]: + """ Forward input chunk by chunk with chunk_size like a streaming + fashion + Here we should pay special attention to computation cache in the + streaming style forward chunk by chunk. Three things should be taken + into account for computation in the current network: + 1. transformer/conformer encoder layers output cache + 2. convolution in conformer + 3. convolution in subsampling + However, we don't implement subsampling cache for: + 1. We can control subsampling module to output the right result by + overlapping input instead of cache left context, even though it + wastes some computation, but subsampling only takes a very + small fraction of computation in the whole model. + 2. Typically, there are several covolution layers with subsampling + in subsampling module, it is tricky and complicated to do cache + with different convolution layers with different subsampling + rate. + 3. Currently, nn.Sequential is used to stack all the convolution + layers in subsampling, we need to rewrite it to make it work + with cache, which is not prefered. + Args: + xs (paddle.Tensor): (1, max_len, dim) + chunk_size (int): decoding chunk size. + num_left_chunks (int): decoding with num left chunks. + """ + assert decoding_chunk_size > 0 + # The model is trained by static or dynamic chunk + assert self.static_chunk_size > 0 or self.use_dynamic_chunk + + # feature stride and window for `subsampling` module + subsampling = self.embed.subsampling_rate + context = self.embed.right_context + 1 # Add current frame + stride = subsampling * decoding_chunk_size + decoding_window = (decoding_chunk_size - 1) * subsampling + context + + num_frames = xs.size(1) + required_cache_size = decoding_chunk_size * num_decoding_left_chunks + subsampling_cache: Optional[paddle.Tensor] = None + elayers_output_cache: Optional[List[paddle.Tensor]] = None + conformer_cnn_cache: Optional[List[paddle.Tensor]] = None + outputs = [] + offset = 0 + # Feed forward overlap input step by step + for cur in range(0, num_frames - context + 1, stride): + end = min(cur + decoding_window, num_frames) + chunk_xs = xs[:, cur:end, :] + (y, subsampling_cache, elayers_output_cache, + conformer_cnn_cache) = self.forward_chunk( + chunk_xs, offset, required_cache_size, subsampling_cache, + elayers_output_cache, conformer_cnn_cache) + outputs.append(y) + offset += y.size(1) + ys = paddle.cat(outputs, 1) + # fake mask, just for jit script and compatibility with `forward` api + masks = paddle.ones([1, ys.size(1)], dtype=paddle.bool) + masks = masks.unsqueeze(1) + return ys, masks + + +class TransformerEncoder(BaseEncoder): + """Transformer encoder module.""" + + def __init__( + self, + input_size: int, + output_size: int=256, + attention_heads: int=4, + linear_units: int=2048, + num_blocks: int=6, + dropout_rate: float=0.1, + positional_dropout_rate: float=0.1, + attention_dropout_rate: float=0.0, + input_layer: str="conv2d", + pos_enc_layer_type: str="abs_pos", + normalize_before: bool=True, + concat_after: bool=False, + static_chunk_size: int=0, + use_dynamic_chunk: bool=False, + global_cmvn: nn.Layer=None, + use_dynamic_left_chunk: bool=False, ): + """ Construct TransformerEncoder + See Encoder for the meaning of each parameter. + """ + assert check_argument_types() + super().__init__(input_size, output_size, attention_heads, linear_units, + num_blocks, dropout_rate, positional_dropout_rate, + attention_dropout_rate, input_layer, + pos_enc_layer_type, normalize_before, concat_after, + static_chunk_size, use_dynamic_chunk, global_cmvn, + use_dynamic_left_chunk) + self.encoders = nn.LayerList([ + TransformerEncoderLayer( + size=output_size, + self_attn=MultiHeadedAttention(attention_heads, output_size, + attention_dropout_rate), + feed_forward=PositionwiseFeedForward(output_size, linear_units, + dropout_rate), + dropout_rate=dropout_rate, + normalize_before=normalize_before, + concat_after=concat_after) for _ in range(num_blocks) + ]) + + +class ConformerEncoder(BaseEncoder): + """Conformer encoder module.""" + + def __init__( + self, + input_size: int, + output_size: int=256, + attention_heads: int=4, + linear_units: int=2048, + num_blocks: int=6, + dropout_rate: float=0.1, + positional_dropout_rate: float=0.1, + attention_dropout_rate: float=0.0, + input_layer: str="conv2d", + pos_enc_layer_type: str="rel_pos", + normalize_before: bool=True, + concat_after: bool=False, + static_chunk_size: int=0, + use_dynamic_chunk: bool=False, + global_cmvn: nn.Layer=None, + use_dynamic_left_chunk: bool=False, + positionwise_conv_kernel_size: int=1, + macaron_style: bool=True, + selfattention_layer_type: str="rel_selfattn", + activation_type: str="swish", + use_cnn_module: bool=True, + cnn_module_kernel: int=15, + causal: bool=False, + cnn_module_norm: str="batch_norm", ): + """Construct ConformerEncoder + Args: + input_size to use_dynamic_chunk, see in BaseEncoder + positionwise_conv_kernel_size (int): Kernel size of positionwise + conv1d layer. + macaron_style (bool): Whether to use macaron style for + positionwise layer. + selfattention_layer_type (str): Encoder attention layer type, + the parameter has no effect now, it's just for configure + compatibility. + activation_type (str): Encoder activation function type. + use_cnn_module (bool): Whether to use convolution module. + cnn_module_kernel (int): Kernel size of convolution module. + causal (bool): whether to use causal convolution or not. + cnn_module_norm (str): cnn conv norm type, Optional['batch_norm','layer_norm'] + """ + assert check_argument_types() + super().__init__(input_size, output_size, attention_heads, linear_units, + num_blocks, dropout_rate, positional_dropout_rate, + attention_dropout_rate, input_layer, + pos_enc_layer_type, normalize_before, concat_after, + static_chunk_size, use_dynamic_chunk, global_cmvn, + use_dynamic_left_chunk) + activation = get_activation(activation_type) + + # self-attention module definition + encoder_selfattn_layer = RelPositionMultiHeadedAttention + encoder_selfattn_layer_args = (attention_heads, output_size, + attention_dropout_rate) + # feed-forward module definition + positionwise_layer = PositionwiseFeedForward + positionwise_layer_args = (output_size, linear_units, dropout_rate, + activation) + # convolution module definition + convolution_layer = ConvolutionModule + convolution_layer_args = (output_size, cnn_module_kernel, activation, + cnn_module_norm, causal) + + self.encoders = nn.LayerList([ + ConformerEncoderLayer( + size=output_size, + self_attn=encoder_selfattn_layer(*encoder_selfattn_layer_args), + feed_forward=positionwise_layer(*positionwise_layer_args), + feed_forward_macaron=positionwise_layer( + *positionwise_layer_args) if macaron_style else None, + conv_module=convolution_layer(*convolution_layer_args) + if use_cnn_module else None, + dropout_rate=dropout_rate, + normalize_before=normalize_before, + concat_after=concat_after) for _ in range(num_blocks) + ]) diff --git a/examples/transv1.8to2.x/deepspeech/modules/loss.py b/examples/transv1.8to2.x/deepspeech/modules/loss.py new file mode 100644 index 000000000..8918ca669 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/loss.py @@ -0,0 +1,144 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import paddle +from paddle import nn +from paddle.nn import functional as F + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ['CTCLoss', "LabelSmoothingLoss"] + + +class CTCLoss(nn.Layer): + def __init__(self, blank=0, reduction='sum', batch_average=False): + super().__init__() + # last token id as blank id + self.loss = nn.CTCLoss(blank=blank, reduction=reduction) + self.batch_average = batch_average + + def forward(self, logits, ys_pad, hlens, ys_lens): + """Compute CTC loss. + + Args: + logits ([paddle.Tensor]): [B, Tmax, D] + ys_pad ([paddle.Tensor]): [B, Tmax] + hlens ([paddle.Tensor]): [B] + ys_lens ([paddle.Tensor]): [B] + + Returns: + [paddle.Tensor]: scalar. If reduction is 'none', then (N), where N = \text{batch size}. + """ + B = paddle.shape(logits)[0] + # warp-ctc need logits, and do softmax on logits by itself + # warp-ctc need activation with shape [T, B, V + 1] + # logits: (B, L, D) -> (L, B, D) + logits = logits.transpose([1, 0, 2]) + # (TODO:Hui Zhang) ctc loss does not support int64 labels + ys_pad = ys_pad.astype(paddle.int32) + loss = self.loss( + logits, ys_pad, hlens, ys_lens, norm_by_times=self.batch_average) + if self.batch_average: + # Batch-size average + loss = loss / B + return loss + + +class LabelSmoothingLoss(nn.Layer): + """Label-smoothing loss. + In a standard CE loss, the label's data distribution is: + [0,1,2] -> + [ + [1.0, 0.0, 0.0], + [0.0, 1.0, 0.0], + [0.0, 0.0, 1.0], + ] + In the smoothing version CE Loss,some probabilities + are taken from the true label prob (1.0) and are divided + among other labels. + e.g. + smoothing=0.1 + [0,1,2] -> + [ + [0.9, 0.05, 0.05], + [0.05, 0.9, 0.05], + [0.05, 0.05, 0.9], + ] + + """ + + def __init__(self, + size: int, + padding_idx: int, + smoothing: float, + normalize_length: bool=False): + """Label-smoothing loss. + + Args: + size (int): the number of class + padding_idx (int): padding class id which will be ignored for loss + smoothing (float): smoothing rate (0.0 means the conventional CE) + normalize_length (bool): + True, normalize loss by sequence length; + False, normalize loss by batch size. + Defaults to False. + """ + super().__init__() + self.size = size + self.padding_idx = padding_idx + self.smoothing = smoothing + self.confidence = 1.0 - smoothing + self.normalize_length = normalize_length + self.criterion = nn.KLDivLoss(reduction="none") + + def forward(self, x: paddle.Tensor, target: paddle.Tensor) -> paddle.Tensor: + """Compute loss between x and target. + The model outputs and data labels tensors are flatten to + (batch*seqlen, class) shape and a mask is applied to the + padding part which should not be calculated for loss. + + Args: + x (paddle.Tensor): prediction (batch, seqlen, class) + target (paddle.Tensor): + target signal masked with self.padding_id (batch, seqlen) + Returns: + loss (paddle.Tensor) : The KL loss, scalar float value + """ + B, T, D = paddle.shape(x) + assert D == self.size + x = x.reshape((-1, self.size)) + target = target.reshape([-1]) + + # use zeros_like instead of torch.no_grad() for true_dist, + # since no_grad() can not be exported by JIT + true_dist = paddle.full_like(x, self.smoothing / (self.size - 1)) + ignore = target == self.padding_idx # (B,) + + # target = target * (1 - ignore) # avoid -1 index + target = target.masked_fill(ignore, 0) # avoid -1 index + # true_dist.scatter_(1, target.unsqueeze(1), self.confidence) + target_mask = F.one_hot(target, self.size) + true_dist *= (1 - target_mask) + true_dist += target_mask * self.confidence + + kl = self.criterion(F.log_softmax(x, axis=1), true_dist) + + #TODO(Hui Zhang): sum not support bool type + #total = len(target) - int(ignore.sum()) + total = len(target) - int(ignore.type_as(target).sum()) + denom = total if self.normalize_length else B + #numer = (kl * (1 - ignore)).sum() + numer = kl.masked_fill(ignore.unsqueeze(1), 0).sum() + return numer / denom diff --git a/examples/transv1.8to2.x/deepspeech/modules/mask.py b/examples/transv1.8to2.x/deepspeech/modules/mask.py new file mode 100644 index 000000000..05e86eb33 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/modules/mask.py @@ -0,0 +1,260 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import paddle + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = [ + "make_pad_mask", "make_non_pad_mask", "subsequent_mask", + "subsequent_chunk_mask", "add_optional_chunk_mask", "mask_finished_scores", + "mask_finished_preds" +] + + +def make_pad_mask(lengths: paddle.Tensor) -> paddle.Tensor: + """Make mask tensor containing indices of padded part. + See description of make_non_pad_mask. + Args: + lengths (paddle.Tensor): Batch of lengths (B,). + Returns: + paddle.Tensor: Mask tensor containing indices of padded part. + Examples: + >>> lengths = [5, 3, 2] + >>> make_pad_mask(lengths) + masks = [[0, 0, 0, 0 ,0], + [0, 0, 0, 1, 1], + [0, 0, 1, 1, 1]] + """ + # (TODO: Hui Zhang): jit not support Tenosr.dim() and Tensor.ndim + # assert lengths.dim() == 1 + batch_size = int(lengths.shape[0]) + max_len = int(lengths.max()) + seq_range = paddle.arange(0, max_len, dtype=paddle.int64) + seq_range_expand = seq_range.unsqueeze(0).expand([batch_size, max_len]) + seq_length_expand = lengths.unsqueeze(-1) + mask = seq_range_expand >= seq_length_expand + return mask + + +def make_non_pad_mask(lengths: paddle.Tensor) -> paddle.Tensor: + """Make mask tensor containing indices of non-padded part. + The sequences in a batch may have different lengths. To enable + batch computing, padding is need to make all sequence in same + size. To avoid the padding part pass value to context dependent + block such as attention or convolution , this padding part is + masked. + This pad_mask is used in both encoder and decoder. + 1 for non-padded part and 0 for padded part. + Args: + lengths (paddle.Tensor): Batch of lengths (B,). + Returns: + paddle.Tensor: mask tensor containing indices of padded part. + Examples: + >>> lengths = [5, 3, 2] + >>> make_non_pad_mask(lengths) + masks = [[1, 1, 1, 1 ,1], + [1, 1, 1, 0, 0], + [1, 1, 0, 0, 0]] + """ + #TODO(Hui Zhang): return ~make_pad_mask(lengths), not support ~ + return make_pad_mask(lengths).logical_not() + + +def subsequent_mask(size: int) -> paddle.Tensor: + """Create mask for subsequent steps (size, size). + This mask is used only in decoder which works in an auto-regressive mode. + This means the current step could only do attention with its left steps. + In encoder, fully attention is used when streaming is not necessary and + the sequence is not long. In this case, no attention mask is needed. + When streaming is need, chunk-based attention is used in encoder. See + subsequent_chunk_mask for the chunk-based attention mask. + Args: + size (int): size of mask + Returns: + paddle.Tensor: mask, [size, size] + Examples: + >>> subsequent_mask(3) + [[1, 0, 0], + [1, 1, 0], + [1, 1, 1]] + """ + ret = paddle.ones([size, size], dtype=paddle.bool) + #TODO(Hui Zhang): tril not support bool + #return paddle.tril(ret) + ret = ret.astype(paddle.float) + ret = paddle.tril(ret) + ret = ret.astype(paddle.bool) + return ret + + +def subsequent_chunk_mask( + size: int, + chunk_size: int, + num_left_chunks: int=-1, ) -> paddle.Tensor: + """Create mask for subsequent steps (size, size) with chunk size, + this is for streaming encoder + Args: + size (int): size of mask + chunk_size (int): size of chunk + num_left_chunks (int): number of left chunks + <0: use full chunk + >=0: use num_left_chunks + Returns: + paddle.Tensor: mask, [size, size] + Examples: + >>> subsequent_chunk_mask(4, 2) + [[1, 1, 0, 0], + [1, 1, 0, 0], + [1, 1, 1, 1], + [1, 1, 1, 1]] + """ + ret = paddle.zeros([size, size], dtype=paddle.bool) + for i in range(size): + if num_left_chunks < 0: + start = 0 + else: + start = max(0, (i // chunk_size - num_left_chunks) * chunk_size) + ending = min(size, (i // chunk_size + 1) * chunk_size) + ret[i, start:ending] = True + return ret + + +def add_optional_chunk_mask(xs: paddle.Tensor, + masks: paddle.Tensor, + use_dynamic_chunk: bool, + use_dynamic_left_chunk: bool, + decoding_chunk_size: int, + static_chunk_size: int, + num_decoding_left_chunks: int): + """ Apply optional mask for encoder. + Args: + xs (paddle.Tensor): padded input, (B, L, D), L for max length + mask (paddle.Tensor): mask for xs, (B, 1, L) + use_dynamic_chunk (bool): whether to use dynamic chunk or not + use_dynamic_left_chunk (bool): whether to use dynamic left chunk for + training. + decoding_chunk_size (int): decoding chunk size for dynamic chunk, it's + 0: default for training, use random dynamic chunk. + <0: for decoding, use full chunk. + >0: for decoding, use fixed chunk size as set. + static_chunk_size (int): chunk size for static chunk training/decoding + if it's greater than 0, if use_dynamic_chunk is true, + this parameter will be ignored + num_decoding_left_chunks (int): number of left chunks, this is for decoding, + the chunk size is decoding_chunk_size. + >=0: use num_decoding_left_chunks + <0: use all left chunks + Returns: + paddle.Tensor: chunk mask of the input xs. + """ + # Whether to use chunk mask or not + if use_dynamic_chunk: + max_len = xs.shape[1] + if decoding_chunk_size < 0: + chunk_size = max_len + num_left_chunks = -1 + elif decoding_chunk_size > 0: + chunk_size = decoding_chunk_size + num_left_chunks = num_decoding_left_chunks + else: + # chunk size is either [1, 25] or full context(max_len). + # Since we use 4 times subsampling and allow up to 1s(100 frames) + # delay, the maximum frame is 100 / 4 = 25. + chunk_size = int(paddle.randint(1, max_len, (1, ))) + num_left_chunks = -1 + if chunk_size > max_len // 2: + chunk_size = max_len + else: + chunk_size = chunk_size % 25 + 1 + if use_dynamic_left_chunk: + max_left_chunks = (max_len - 1) // chunk_size + num_left_chunks = int( + paddle.randint(0, max_left_chunks, (1, ))) + chunk_masks = subsequent_chunk_mask(xs.shape[1], chunk_size, + num_left_chunks) # (L, L) + chunk_masks = chunk_masks.unsqueeze(0) # (1, L, L) + # chunk_masks = masks & chunk_masks # (B, L, L) + chunk_masks = masks.logical_and(chunk_masks) # (B, L, L) + elif static_chunk_size > 0: + num_left_chunks = num_decoding_left_chunks + chunk_masks = subsequent_chunk_mask(xs.shape[1], static_chunk_size, + num_left_chunks) # (L, L) + chunk_masks = chunk_masks.unsqueeze(0) # (1, L, L) + # chunk_masks = masks & chunk_masks # (B, L, L) + chunk_masks = masks.logical_and(chunk_masks) # (B, L, L) + else: + chunk_masks = masks + return chunk_masks + + +def mask_finished_scores(score: paddle.Tensor, + flag: paddle.Tensor) -> paddle.Tensor: + """ + If a sequence is finished, we only allow one alive branch. This function + aims to give one branch a zero score and the rest -inf score. + Args: + score (paddle.Tensor): A real value array with shape + (batch_size * beam_size, beam_size). + flag (paddle.Tensor): A bool array with shape + (batch_size * beam_size, 1). + Returns: + paddle.Tensor: (batch_size * beam_size, beam_size). + Examples: + flag: tensor([[ True], + [False]]) + score: tensor([[-0.3666, -0.6664, 0.6019], + [-1.1490, -0.2948, 0.7460]]) + unfinished: tensor([[False, True, True], + [False, False, False]]) + finished: tensor([[ True, False, False], + [False, False, False]]) + return: tensor([[ 0.0000, -inf, -inf], + [-1.1490, -0.2948, 0.7460]]) + """ + beam_size = score.shape[-1] + zero_mask = paddle.zeros_like(flag, dtype=paddle.bool) + if beam_size > 1: + unfinished = paddle.concat( + (zero_mask, flag.tile([1, beam_size - 1])), axis=1) + finished = paddle.concat( + (flag, zero_mask.tile([1, beam_size - 1])), axis=1) + else: + unfinished = zero_mask + finished = flag + + # infs = paddle.ones_like(score) * -float('inf') + # score = paddle.where(unfinished, infs, score) + # score = paddle.where(finished, paddle.zeros_like(score), score) + score.masked_fill_(unfinished, -float('inf')) + score.masked_fill_(finished, 0) + return score + + +def mask_finished_preds(pred: paddle.Tensor, flag: paddle.Tensor, + eos: int) -> paddle.Tensor: + """ + If a sequence is finished, all of its branch should be + Args: + pred (paddle.Tensor): A int array with shape + (batch_size * beam_size, beam_size). + flag (paddle.Tensor): A bool array with shape + (batch_size * beam_size, 1). + Returns: + paddle.Tensor: (batch_size * beam_size). + """ + beam_size = pred.shape[-1] + finished = flag.repeat(1, beam_size) + return pred.masked_fill_(finished, eos) diff --git a/examples/transv1.8to2.x/deepspeech/utils/__init__.py b/examples/transv1.8to2.x/deepspeech/utils/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/utils/bleu_score.py b/examples/transv1.8to2.x/deepspeech/utils/bleu_score.py new file mode 100644 index 000000000..09646133a --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/bleu_score.py @@ -0,0 +1,54 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""This module provides functions to calculate bleu score in different level. +e.g. wer for word-level, cer for char-level. +""" +import sacrebleu + +__all__ = ['bleu', 'char_bleu'] + + +def bleu(hypothesis, reference): + """Calculate BLEU. BLEU compares reference text and + hypothesis text in word-level using scarebleu. + + + + :param reference: The reference sentences. + :type reference: list[list[str]] + :param hypothesis: The hypothesis sentence. + :type hypothesis: list[str] + :raises ValueError: If the reference length is zero. + """ + + return sacrebleu.corpus_bleu(hypothesis, reference) + + +def char_bleu(hypothesis, reference): + """Calculate BLEU. BLEU compares reference text and + hypothesis text in char-level using scarebleu. + + + + :param reference: The reference sentences. + :type reference: list[list[str]] + :param hypothesis: The hypothesis sentence. + :type hypothesis: list[str] + :raises ValueError: If the reference number is zero. + """ + hypothesis = [' '.join(list(hyp.replace(' ', ''))) for hyp in hypothesis] + reference = [[' '.join(list(ref_i.replace(' ', ''))) for ref_i in ref] + for ref in reference] + + return sacrebleu.corpus_bleu(hypothesis, reference) diff --git a/examples/transv1.8to2.x/deepspeech/utils/checkpoint.py b/examples/transv1.8to2.x/deepspeech/utils/checkpoint.py new file mode 100644 index 000000000..a59f8be79 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/checkpoint.py @@ -0,0 +1,298 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import glob +import json +import os +import re +from pathlib import Path +from typing import Text +from typing import Union + +import paddle +from paddle import distributed as dist +from paddle.optimizer import Optimizer + +from deepspeech.utils import mp_tools +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ["Checkpoint"] + + +class Checkpoint(): + def __init__(self, kbest_n: int=5, latest_n: int=1): + self.best_records: Mapping[Path, float] = {} + self.latest_records = [] + self.kbest_n = kbest_n + self.latest_n = latest_n + self._save_all = (kbest_n == -1) + + def add_checkpoint(self, + checkpoint_dir, + tag_or_iteration: Union[int, Text], + model: paddle.nn.Layer, + optimizer: Optimizer=None, + infos: dict=None, + metric_type="val_loss"): + """Save checkpoint in best_n and latest_n. + + Args: + checkpoint_dir (str): the directory where checkpoint is saved. + tag_or_iteration (int or str): the latest iteration(step or epoch) number or tag. + model (Layer): model to be checkpointed. + optimizer (Optimizer, optional): optimizer to be checkpointed. + infos (dict or None)): any info you want to save. + metric_type (str, optional): metric type. Defaults to "val_loss". + """ + if (metric_type not in infos.keys()): + self._save_parameters(checkpoint_dir, tag_or_iteration, model, + optimizer, infos) + return + + #save best + if self._should_save_best(infos[metric_type]): + self._save_best_checkpoint_and_update( + infos[metric_type], checkpoint_dir, tag_or_iteration, model, + optimizer, infos) + #save latest + self._save_latest_checkpoint_and_update( + checkpoint_dir, tag_or_iteration, model, optimizer, infos) + + if isinstance(tag_or_iteration, int): + self._save_checkpoint_record(checkpoint_dir, tag_or_iteration) + + def load_parameters(self, + model, + optimizer=None, + checkpoint_dir=None, + checkpoint_path=None, + record_file="checkpoint_latest"): + """Load a last model checkpoint from disk. + Args: + model (Layer): model to load parameters. + optimizer (Optimizer, optional): optimizer to load states if needed. + Defaults to None. + checkpoint_dir (str, optional): the directory where checkpoint is saved. + checkpoint_path (str, optional): if specified, load the checkpoint + stored in the checkpoint_path(prefix) and the argument 'checkpoint_dir' will + be ignored. Defaults to None. + record_file "checkpoint_latest" or "checkpoint_best" + Returns: + configs (dict): epoch or step, lr and other meta info should be saved. + """ + configs = {} + + if checkpoint_path is not None: + pass + elif checkpoint_dir is not None and record_file is not None: + # load checkpint from record file + checkpoint_record = os.path.join(checkpoint_dir, record_file) + iteration = self._load_checkpoint_idx(checkpoint_record) + if iteration == -1: + return configs + checkpoint_path = os.path.join(checkpoint_dir, + "{}".format(iteration)) + else: + raise ValueError( + "At least one of 'checkpoint_path' or 'checkpoint_dir' should be specified!" + ) + + rank = dist.get_rank() + + params_path = checkpoint_path + ".pdparams" + model_dict = paddle.load(params_path) + model.set_state_dict(model_dict) + logger.info("Rank {}: loaded model from {}".format(rank, params_path)) + + optimizer_path = checkpoint_path + ".pdopt" + if optimizer and os.path.isfile(optimizer_path): + optimizer_dict = paddle.load(optimizer_path) + optimizer.set_state_dict(optimizer_dict) + logger.info("Rank {}: loaded optimizer state from {}".format( + rank, optimizer_path)) + + info_path = re.sub('.pdparams$', '.json', params_path) + if os.path.exists(info_path): + with open(info_path, 'r') as fin: + configs = json.load(fin) + return configs + + def load_latest_parameters(self, + model, + optimizer=None, + checkpoint_dir=None, + checkpoint_path=None): + """Load a last model checkpoint from disk. + Args: + model (Layer): model to load parameters. + optimizer (Optimizer, optional): optimizer to load states if needed. + Defaults to None. + checkpoint_dir (str, optional): the directory where checkpoint is saved. + checkpoint_path (str, optional): if specified, load the checkpoint + stored in the checkpoint_path(prefix) and the argument 'checkpoint_dir' will + be ignored. Defaults to None. + Returns: + configs (dict): epoch or step, lr and other meta info should be saved. + """ + return self.load_parameters(model, optimizer, checkpoint_dir, + checkpoint_path, "checkpoint_latest") + + def load_best_parameters(self, + model, + optimizer=None, + checkpoint_dir=None, + checkpoint_path=None): + """Load a last model checkpoint from disk. + Args: + model (Layer): model to load parameters. + optimizer (Optimizer, optional): optimizer to load states if needed. + Defaults to None. + checkpoint_dir (str, optional): the directory where checkpoint is saved. + checkpoint_path (str, optional): if specified, load the checkpoint + stored in the checkpoint_path(prefix) and the argument 'checkpoint_dir' will + be ignored. Defaults to None. + Returns: + configs (dict): epoch or step, lr and other meta info should be saved. + """ + return self.load_parameters(model, optimizer, checkpoint_dir, + checkpoint_path, "checkpoint_best") + + def _should_save_best(self, metric: float) -> bool: + if not self._best_full(): + return True + + # already full + worst_record_path = max(self.best_records, key=self.best_records.get) + # worst_record_path = max(self.best_records.iteritems(), key=operator.itemgetter(1))[0] + worst_metric = self.best_records[worst_record_path] + return metric < worst_metric + + def _best_full(self): + return (not self._save_all) and len(self.best_records) == self.kbest_n + + def _latest_full(self): + return len(self.latest_records) == self.latest_n + + def _save_best_checkpoint_and_update(self, metric, checkpoint_dir, + tag_or_iteration, model, optimizer, + infos): + # remove the worst + if self._best_full(): + worst_record_path = max(self.best_records, + key=self.best_records.get) + self.best_records.pop(worst_record_path) + if (worst_record_path not in self.latest_records): + logger.info( + "remove the worst checkpoint: {}".format(worst_record_path)) + self._del_checkpoint(checkpoint_dir, worst_record_path) + + # add the new one + self._save_parameters(checkpoint_dir, tag_or_iteration, model, + optimizer, infos) + self.best_records[tag_or_iteration] = metric + + def _save_latest_checkpoint_and_update( + self, checkpoint_dir, tag_or_iteration, model, optimizer, infos): + # remove the old + if self._latest_full(): + to_del_fn = self.latest_records.pop(0) + if (to_del_fn not in self.best_records.keys()): + logger.info( + "remove the latest checkpoint: {}".format(to_del_fn)) + self._del_checkpoint(checkpoint_dir, to_del_fn) + self.latest_records.append(tag_or_iteration) + + self._save_parameters(checkpoint_dir, tag_or_iteration, model, + optimizer, infos) + + def _del_checkpoint(self, checkpoint_dir, tag_or_iteration): + checkpoint_path = os.path.join(checkpoint_dir, + "{}".format(tag_or_iteration)) + for filename in glob.glob(checkpoint_path + ".*"): + os.remove(filename) + logger.info("delete file: {}".format(filename)) + + def _load_checkpoint_idx(self, checkpoint_record: str) -> int: + """Get the iteration number corresponding to the latest saved checkpoint. + Args: + checkpoint_path (str): the saved path of checkpoint. + Returns: + int: the latest iteration number. -1 for no checkpoint to load. + """ + if not os.path.isfile(checkpoint_record): + return -1 + + # Fetch the latest checkpoint index. + with open(checkpoint_record, "rt") as handle: + latest_checkpoint = handle.readlines()[-1].strip() + iteration = int(latest_checkpoint.split(":")[-1]) + return iteration + + def _save_checkpoint_record(self, checkpoint_dir: str, iteration: int): + """Save the iteration number of the latest model to be checkpoint record. + Args: + checkpoint_dir (str): the directory where checkpoint is saved. + iteration (int): the latest iteration number. + Returns: + None + """ + checkpoint_record_latest = os.path.join(checkpoint_dir, + "checkpoint_latest") + checkpoint_record_best = os.path.join(checkpoint_dir, "checkpoint_best") + + with open(checkpoint_record_best, "w") as handle: + for i in self.best_records.keys(): + handle.write("model_checkpoint_path:{}\n".format(i)) + with open(checkpoint_record_latest, "w") as handle: + for i in self.latest_records: + handle.write("model_checkpoint_path:{}\n".format(i)) + + @mp_tools.rank_zero_only + def _save_parameters(self, + checkpoint_dir: str, + tag_or_iteration: Union[int, str], + model: paddle.nn.Layer, + optimizer: Optimizer=None, + infos: dict=None): + """Checkpoint the latest trained model parameters. + Args: + checkpoint_dir (str): the directory where checkpoint is saved. + tag_or_iteration (int or str): the latest iteration(step or epoch) number. + model (Layer): model to be checkpointed. + optimizer (Optimizer, optional): optimizer to be checkpointed. + Defaults to None. + infos (dict or None): any info you want to save. + Returns: + None + """ + checkpoint_path = os.path.join(checkpoint_dir, + "{}".format(tag_or_iteration)) + + model_dict = model.state_dict() + params_path = checkpoint_path + ".pdparams" + paddle.save(model_dict, params_path) + logger.info("Saved model to {}".format(params_path)) + + if optimizer: + opt_dict = optimizer.state_dict() + optimizer_path = checkpoint_path + ".pdopt" + paddle.save(opt_dict, optimizer_path) + logger.info("Saved optimzier state to {}".format(optimizer_path)) + + info_path = re.sub('.pdparams$', '.json', params_path) + infos = {} if infos is None else infos + with open(info_path, 'w') as fout: + data = json.dumps(infos) + fout.write(data) diff --git a/examples/transv1.8to2.x/deepspeech/utils/ctc_utils.py b/examples/transv1.8to2.x/deepspeech/utils/ctc_utils.py new file mode 100644 index 000000000..09543d48d --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/ctc_utils.py @@ -0,0 +1,134 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from typing import List + +import numpy as np +import paddle + +from deepspeech.utils.log import Log + +logger = Log(__name__).getlog() + +__all__ = ["forced_align", "remove_duplicates_and_blank", "insert_blank"] + + +def remove_duplicates_and_blank(hyp: List[int], blank_id=0) -> List[int]: + """ctc alignment to ctc label ids. + + "abaa-acee-" -> "abaace" + + Args: + hyp (List[int]): hypotheses ids, (L) + blank_id (int, optional): blank id. Defaults to 0. + + Returns: + List[int]: remove dupicate ids, then remove blank id. + """ + new_hyp: List[int] = [] + cur = 0 + while cur < len(hyp): + # add non-blank into new_hyp + if hyp[cur] != blank_id: + new_hyp.append(hyp[cur]) + # skip repeat label + prev = cur + while cur < len(hyp) and hyp[cur] == hyp[prev]: + cur += 1 + return new_hyp + + +def insert_blank(label: np.ndarray, blank_id: int=0) -> np.ndarray: + """Insert blank token between every two label token. + + "abcdefg" -> "-a-b-c-d-e-f-g-" + + Args: + label ([np.ndarray]): label ids, List[int], (L). + blank_id (int, optional): blank id. Defaults to 0. + + Returns: + [np.ndarray]: (2L+1). + """ + label = np.expand_dims(label, 1) #[L, 1] + blanks = np.zeros((label.shape[0], 1), dtype=np.int64) + blank_id + label = np.concatenate([blanks, label], axis=1) #[L, 2] + label = label.reshape(-1) #[2L], -l-l-l + label = np.append(label, label[0]) #[2L + 1], -l-l-l- + return label + + +def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, + blank_id=0) -> List[int]: + """ctc forced alignment. + + https://distill.pub/2017/ctc/ + + Args: + ctc_probs (paddle.Tensor): hidden state sequence, 2d tensor (T, D) + y (paddle.Tensor): label id sequence tensor, 1d tensor (L) + blank_id (int): blank symbol index + Returns: + List[int]: best alignment result, (T). + """ + y_insert_blank = insert_blank(y, blank_id) #(2L+1) + + log_alpha = paddle.zeros( + (ctc_probs.size(0), len(y_insert_blank))) #(T, 2L+1) + log_alpha = log_alpha - float('inf') # log of zero + # TODO(Hui Zhang): zeros not support paddle.int16 + state_path = (paddle.zeros( + (ctc_probs.size(0), len(y_insert_blank)), dtype=paddle.int32) - 1 + ) # state path, Tuple((T, 2L+1)) + + # init start state + # TODO(Hui Zhang): VarBase.__getitem__() not support np.int64 + log_alpha[0, 0] = ctc_probs[0][int(y_insert_blank[0])] # State-b, Sb + log_alpha[0, 1] = ctc_probs[0][int(y_insert_blank[1])] # State-nb, Snb + + for t in range(1, ctc_probs.size(0)): # T + for s in range(len(y_insert_blank)): # 2L+1 + if y_insert_blank[s] == blank_id or s < 2 or y_insert_blank[ + s] == y_insert_blank[s - 2]: + candidates = paddle.to_tensor( + [log_alpha[t - 1, s], log_alpha[t - 1, s - 1]]) + prev_state = [s, s - 1] + else: + candidates = paddle.to_tensor([ + log_alpha[t - 1, s], + log_alpha[t - 1, s - 1], + log_alpha[t - 1, s - 2], + ]) + prev_state = [s, s - 1, s - 2] + # TODO(Hui Zhang): VarBase.__getitem__() not support np.int64 + log_alpha[t, s] = paddle.max(candidates) + ctc_probs[t][int( + y_insert_blank[s])] + state_path[t, s] = prev_state[paddle.argmax(candidates)] + + # TODO(Hui Zhang): zeros not support paddle.int16 + state_seq = -1 * paddle.ones((ctc_probs.size(0), 1), dtype=paddle.int32) + + candidates = paddle.to_tensor([ + log_alpha[-1, len(y_insert_blank) - 1], # Sb + log_alpha[-1, len(y_insert_blank) - 2] # Snb + ]) + prev_state = [len(y_insert_blank) - 1, len(y_insert_blank) - 2] + state_seq[-1] = prev_state[paddle.argmax(candidates)] + for t in range(ctc_probs.size(0) - 2, -1, -1): + state_seq[t] = state_path[t + 1, state_seq[t + 1, 0]] + + output_alignment = [] + for t in range(0, ctc_probs.size(0)): + output_alignment.append(y_insert_blank[state_seq[t, 0]]) + + return output_alignment diff --git a/examples/transv1.8to2.x/deepspeech/utils/dynamic_import.py b/examples/transv1.8to2.x/deepspeech/utils/dynamic_import.py new file mode 100644 index 000000000..533f15eee --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/dynamic_import.py @@ -0,0 +1,67 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import importlib +import inspect +from typing import Any +from typing import Dict +from typing import List +from typing import Text + +from deepspeech.utils.log import Log +from deepspeech.utils.tensor_utils import has_tensor + +logger = Log(__name__).getlog() + +__all__ = ["dynamic_import", "instance_class"] + + +def dynamic_import(import_path, alias=dict()): + """dynamic import module and class + + :param str import_path: syntax 'module_name:class_name' + e.g., 'deepspeech.models.u2:U2Model' + :param dict alias: shortcut for registered class + :return: imported class + """ + if import_path not in alias and ":" not in import_path: + raise ValueError("import_path should be one of {} or " + 'include ":", e.g. "deepspeech.models.u2:U2Model" : ' + "{}".format(set(alias), import_path)) + if ":" not in import_path: + import_path = alias[import_path] + + module_name, objname = import_path.split(":") + m = importlib.import_module(module_name) + return getattr(m, objname) + + +def filter_valid_args(args: Dict[Text, Any], valid_keys: List[Text]): + # filter by `valid_keys` and filter `val` is not None + new_args = { + key: val + for key, val in args.items() if (key in valid_keys and val is not None) + } + return new_args + + +def filter_out_tenosr(args: Dict[Text, Any]): + return {key: val for key, val in args.items() if not has_tensor(val)} + + +def instance_class(module_class, args: Dict[Text, Any]): + valid_keys = inspect.signature(module_class).parameters.keys() + new_args = filter_valid_args(args, valid_keys) + logger.info( + f"Instance: {module_class.__name__} {filter_out_tenosr(new_args)}.") + return module_class(**new_args) diff --git a/examples/transv1.8to2.x/deepspeech/utils/error_rate.py b/examples/transv1.8to2.x/deepspeech/utils/error_rate.py new file mode 100644 index 000000000..b6399bab1 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/error_rate.py @@ -0,0 +1,206 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""This module provides functions to calculate error rate in different level. +e.g. wer for word-level, cer for char-level. +""" +import numpy as np + +__all__ = ['word_errors', 'char_errors', 'wer', 'cer'] + + +def _levenshtein_distance(ref, hyp): + """Levenshtein distance is a string metric for measuring the difference + between two sequences. Informally, the levenshtein disctance is defined as + the minimum number of single-character edits (substitutions, insertions or + deletions) required to change one word into the other. We can naturally + extend the edits to word level when calculate levenshtein disctance for + two sentences. + """ + m = len(ref) + n = len(hyp) + + # special case + if ref == hyp: + return 0 + if m == 0: + return n + if n == 0: + return m + + if m < n: + ref, hyp = hyp, ref + m, n = n, m + + # use O(min(m, n)) space + distance = np.zeros((2, n + 1), dtype=np.int32) + + # initialize distance matrix + for j in range(n + 1): + distance[0][j] = j + + # calculate levenshtein distance + for i in range(1, m + 1): + prev_row_idx = (i - 1) % 2 + cur_row_idx = i % 2 + distance[cur_row_idx][0] = i + for j in range(1, n + 1): + if ref[i - 1] == hyp[j - 1]: + distance[cur_row_idx][j] = distance[prev_row_idx][j - 1] + else: + s_num = distance[prev_row_idx][j - 1] + 1 + i_num = distance[cur_row_idx][j - 1] + 1 + d_num = distance[prev_row_idx][j] + 1 + distance[cur_row_idx][j] = min(s_num, i_num, d_num) + + return distance[m % 2][n] + + +def word_errors(reference, hypothesis, ignore_case=False, delimiter=' '): + """Compute the levenshtein distance between reference sequence and + hypothesis sequence in word-level. + + :param reference: The reference sentence. + :type reference: str + :param hypothesis: The hypothesis sentence. + :type hypothesis: str + :param ignore_case: Whether case-sensitive or not. + :type ignore_case: bool + :param delimiter: Delimiter of input sentences. + :type delimiter: char + :return: Levenshtein distance and word number of reference sentence. + :rtype: list + """ + if ignore_case: + reference = reference.lower() + hypothesis = hypothesis.lower() + + ref_words = list(filter(None, reference.split(delimiter))) + hyp_words = list(filter(None, hypothesis.split(delimiter))) + + edit_distance = _levenshtein_distance(ref_words, hyp_words) + return float(edit_distance), len(ref_words) + + +def char_errors(reference, hypothesis, ignore_case=False, remove_space=False): + """Compute the levenshtein distance between reference sequence and + hypothesis sequence in char-level. + + :param reference: The reference sentence. + :type reference: str + :param hypothesis: The hypothesis sentence. + :type hypothesis: str + :param ignore_case: Whether case-sensitive or not. + :type ignore_case: bool + :param remove_space: Whether remove internal space characters + :type remove_space: bool + :return: Levenshtein distance and length of reference sentence. + :rtype: list + """ + if ignore_case: + reference = reference.lower() + hypothesis = hypothesis.lower() + + join_char = ' ' + if remove_space: + join_char = '' + + reference = join_char.join(list(filter(None, reference.split(' ')))) + hypothesis = join_char.join(list(filter(None, hypothesis.split(' ')))) + + edit_distance = _levenshtein_distance(reference, hypothesis) + return float(edit_distance), len(reference) + + +def wer(reference, hypothesis, ignore_case=False, delimiter=' '): + """Calculate word error rate (WER). WER compares reference text and + hypothesis text in word-level. WER is defined as: + + .. math:: + WER = (Sw + Dw + Iw) / Nw + + where + + .. code-block:: text + + Sw is the number of words subsituted, + Dw is the number of words deleted, + Iw is the number of words inserted, + Nw is the number of words in the reference + + We can use levenshtein distance to calculate WER. Please draw an attention + that empty items will be removed when splitting sentences by delimiter. + + :param reference: The reference sentence. + :type reference: str + :param hypothesis: The hypothesis sentence. + :type hypothesis: str + :param ignore_case: Whether case-sensitive or not. + :type ignore_case: bool + :param delimiter: Delimiter of input sentences. + :type delimiter: char + :return: Word error rate. + :rtype: float + :raises ValueError: If word number of reference is zero. + """ + edit_distance, ref_len = word_errors(reference, hypothesis, ignore_case, + delimiter) + + if ref_len == 0: + raise ValueError("Reference's word number should be greater than 0.") + + wer = float(edit_distance) / ref_len + return wer + + +def cer(reference, hypothesis, ignore_case=False, remove_space=False): + """Calculate charactor error rate (CER). CER compares reference text and + hypothesis text in char-level. CER is defined as: + + .. math:: + CER = (Sc + Dc + Ic) / Nc + + where + + .. code-block:: text + + Sc is the number of characters substituted, + Dc is the number of characters deleted, + Ic is the number of characters inserted + Nc is the number of characters in the reference + + We can use levenshtein distance to calculate CER. Chinese input should be + encoded to unicode. Please draw an attention that the leading and tailing + space characters will be truncated and multiple consecutive space + characters in a sentence will be replaced by one space character. + + :param reference: The reference sentence. + :type reference: str + :param hypothesis: The hypothesis sentence. + :type hypothesis: str + :param ignore_case: Whether case-sensitive or not. + :type ignore_case: bool + :param remove_space: Whether remove internal space characters + :type remove_space: bool + :return: Character error rate. + :rtype: float + :raises ValueError: If the reference length is zero. + """ + edit_distance, ref_len = char_errors(reference, hypothesis, ignore_case, + remove_space) + + if ref_len == 0: + raise ValueError("Length of reference should be greater than 0.") + + cer = float(edit_distance) / ref_len + return cer diff --git a/examples/transv1.8to2.x/deepspeech/utils/layer_tools.py b/examples/transv1.8to2.x/deepspeech/utils/layer_tools.py new file mode 100644 index 000000000..fb076c0c7 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/layer_tools.py @@ -0,0 +1,88 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import numpy as np +from paddle import nn + +__all__ = [ + "summary", "gradient_norm", "freeze", "unfreeze", "print_grads", + "print_params" +] + + +def summary(layer: nn.Layer, print_func=print): + if print_func is None: + return + num_params = num_elements = 0 + for name, param in layer.state_dict().items(): + if print_func: + print_func( + "{} | {} | {}".format(name, param.shape, np.prod(param.shape))) + num_elements += np.prod(param.shape) + num_params += 1 + if print_func: + num_elements = num_elements / 1024**2 + print_func( + f"Total parameters: {num_params}, {num_elements:.2f}M elements.") + + +def print_grads(model, print_func=print): + if print_func is None: + return + for n, p in model.named_parameters(): + msg = f"param grad: {n}: shape: {p.shape} grad: {p.grad}" + print_func(msg) + + +def print_params(model, print_func=print): + if print_func is None: + return + total = 0.0 + num_params = 0.0 + for n, p in model.named_parameters(): + msg = f"{n} | {p.shape} | {np.prod(p.shape)} | {not p.stop_gradient}" + total += np.prod(p.shape) + num_params += 1 + if print_func: + print_func(msg) + if print_func: + total = total / 1024**2 + print_func(f"Total parameters: {num_params}, {total:.2f}M elements.") + + +def gradient_norm(layer: nn.Layer): + grad_norm_dict = {} + for name, param in layer.state_dict().items(): + if param.trainable: + grad = param.gradient() # return numpy.ndarray + grad_norm_dict[name] = np.linalg.norm(grad) / grad.size + return grad_norm_dict + + +def recursively_remove_weight_norm(layer: nn.Layer): + for layer in layer.sublayers(): + try: + nn.utils.remove_weight_norm(layer) + except ValueError as e: + # ther is not weight norm hoom in this layer + pass + + +def freeze(layer: nn.Layer): + for param in layer.parameters(): + param.trainable = False + + +def unfreeze(layer: nn.Layer): + for param in layer.parameters(): + param.trainable = True diff --git a/examples/transv1.8to2.x/deepspeech/utils/log.py b/examples/transv1.8to2.x/deepspeech/utils/log.py new file mode 100644 index 000000000..3fd7d2480 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/log.py @@ -0,0 +1,182 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import getpass +import logging +import os +import socket +import sys + +from paddle import inference + +FORMAT_STR = '[%(levelname)s %(asctime)s %(filename)s:%(lineno)d] %(message)s' +DATE_FMT_STR = '%Y/%m/%d %H:%M:%S' + +logging.basicConfig( + level=logging.DEBUG, format=FORMAT_STR, datefmt=DATE_FMT_STR) + + +def find_log_dir(log_dir=None): + """Returns the most suitable directory to put log files into. + Args: + log_dir: str|None, if specified, the logfile(s) will be created in that + directory. Otherwise if the --log_dir command-line flag is provided, + the logfile will be created in that directory. Otherwise the logfile + will be created in a standard location. + Raises: + FileNotFoundError: raised when it cannot find a log directory. + """ + # Get a list of possible log dirs (will try to use them in order). + if log_dir: + # log_dir was explicitly specified as an arg, so use it and it alone. + dirs = [log_dir] + else: + dirs = ['/tmp/', './'] + + # Find the first usable log dir. + for d in dirs: + if os.path.isdir(d) and os.access(d, os.W_OK): + return d + raise FileNotFoundError( + "Can't find a writable directory for logs, tried %s" % dirs) + + +def find_log_dir_and_names(program_name=None, log_dir=None): + """Computes the directory and filename prefix for log file. + Args: + program_name: str|None, the filename part of the path to the program that + is running without its extension. e.g: if your program is called + 'usr/bin/foobar.py' this method should probably be called with + program_name='foobar' However, this is just a convention, you can + pass in any string you want, and it will be used as part of the + log filename. If you don't pass in anything, the default behavior + is as described in the example. In python standard logging mode, + the program_name will be prepended with py_ if it is the program_name + argument is omitted. + log_dir: str|None, the desired log directory. + Returns: + (log_dir, file_prefix, symlink_prefix) + Raises: + FileNotFoundError: raised in Python 3 when it cannot find a log directory. + OSError: raised in Python 2 when it cannot find a log directory. + """ + if not program_name: + # Strip the extension (foobar.par becomes foobar, and + # fubar.py becomes fubar). We do this so that the log + # file names are similar to C++ log file names. + program_name = os.path.splitext(os.path.basename(sys.argv[0]))[0] + + # Prepend py_ to files so that python code gets a unique file, and + # so that C++ libraries do not try to write to the same log files as us. + program_name = 'py_%s' % program_name + + actual_log_dir = find_log_dir(log_dir=log_dir) + + try: + username = getpass.getuser() + except KeyError: + # This can happen, e.g. when running under docker w/o passwd file. + if hasattr(os, 'getuid'): + # Windows doesn't have os.getuid + username = str(os.getuid()) + else: + username = 'unknown' + hostname = socket.gethostname() + file_prefix = '%s.%s.%s.log' % (program_name, hostname, username) + + return actual_log_dir, file_prefix, program_name + + +class Log(): + + log_name = None + + def __init__(self, logger=None): + self.logger = logging.getLogger(logger) + self.logger.setLevel(logging.DEBUG) + + file_dir = os.getcwd() + '/log' + if not os.path.exists(file_dir): + os.mkdir(file_dir) + self.log_dir = file_dir + + actual_log_dir, file_prefix, symlink_prefix = find_log_dir_and_names( + program_name=None, log_dir=self.log_dir) + + basename = '%s.DEBUG.%d' % (file_prefix, os.getpid()) + filename = os.path.join(actual_log_dir, basename) + if Log.log_name is None: + Log.log_name = filename + + # Create a symlink to the log file with a canonical name. + symlink = os.path.join(actual_log_dir, symlink_prefix + '.DEBUG') + try: + if os.path.islink(symlink): + os.unlink(symlink) + os.symlink(os.path.basename(Log.log_name), symlink) + except EnvironmentError: + # If it fails, we're sad but it's no error. Commonly, this + # fails because the symlink was created by another user and so + # we can't modify it + pass + + if not self.logger.hasHandlers(): + formatter = logging.Formatter(fmt=FORMAT_STR, datefmt=DATE_FMT_STR) + fh = logging.FileHandler(Log.log_name) + fh.setLevel(logging.DEBUG) + fh.setFormatter(formatter) + self.logger.addHandler(fh) + + ch = logging.StreamHandler() + ch.setLevel(logging.INFO) + ch.setFormatter(formatter) + self.logger.addHandler(ch) + + # stop propagate for propagating may print + # log multiple times + self.logger.propagate = False + + def getlog(self): + return self.logger + + +class Autolog: + def __init__(self, + batch_size, + model_name="DeepSpeech", + model_precision="fp32"): + import auto_log + pid = os.getpid() + if (os.environ['CUDA_VISIBLE_DEVICES'].strip() != ''): + gpu_id = int(os.environ['CUDA_VISIBLE_DEVICES'].split(',')[0]) + infer_config = inference.Config() + infer_config.enable_use_gpu(100, gpu_id) + else: + gpu_id = None + infer_config = inference.Config() + autolog = auto_log.AutoLogger( + model_name=model_name, + model_precision=model_precision, + batch_size=batch_size, + data_shape="dynamic", + save_path="./output/auto_log.lpg", + inference_config=infer_config, + pids=pid, + process_name=None, + gpu_ids=gpu_id, + time_keys=['preprocess_time', 'inference_time', 'postprocess_time'], + warmup=0) + self.autolog = autolog + + def getlog(self): + return self.autolog diff --git a/examples/transv1.8to2.x/deepspeech/utils/mp_tools.py b/examples/transv1.8to2.x/deepspeech/utils/mp_tools.py new file mode 100644 index 000000000..d3e25aab6 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/mp_tools.py @@ -0,0 +1,30 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from functools import wraps + +from paddle import distributed as dist + +__all__ = ["rank_zero_only"] + + +def rank_zero_only(func): + @wraps(func) + def wrapper(*args, **kwargs): + rank = dist.get_rank() + if rank != 0: + return + result = func(*args, **kwargs) + return result + + return wrapper diff --git a/examples/transv1.8to2.x/deepspeech/utils/socket_server.py b/examples/transv1.8to2.x/deepspeech/utils/socket_server.py new file mode 100644 index 000000000..45c659f60 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/socket_server.py @@ -0,0 +1,112 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import os +import random +import socket +import socketserver +import struct +import time +import wave +from time import gmtime +from time import strftime + +from deepspeech.frontend.utility import read_manifest + +__all__ = ["socket_send", "warm_up_test", "AsrTCPServer", "AsrRequestHandler"] + + +def socket_send(server_ip: str, server_port: str, data: bytes): + # Connect to server and send data + sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM) + sock.connect((server_ip, server_port)) + sent = data + sock.sendall(struct.pack('>i', len(sent)) + sent) + print('Speech[length=%d] Sent.' % len(sent)) + # Receive data from the server and shut down + received = sock.recv(1024) + print("Recognition Results: {}".format(received.decode('utf8'))) + sock.close() + + +def warm_up_test(audio_process_handler, + manifest_path, + num_test_cases, + random_seed=0): + """Warming-up test.""" + manifest = read_manifest(manifest_path) + rng = random.Random(random_seed) + samples = rng.sample(manifest, num_test_cases) + for idx, sample in enumerate(samples): + print("Warm-up Test Case %d: %s" % (idx, sample['feat'])) + start_time = time.time() + transcript = audio_process_handler(sample['feat']) + finish_time = time.time() + print("Response Time: %f, Transcript: %s" % + (finish_time - start_time, transcript)) + + +class AsrTCPServer(socketserver.TCPServer): + """The ASR TCP Server.""" + + def __init__(self, + server_address, + RequestHandlerClass, + speech_save_dir, + audio_process_handler, + bind_and_activate=True): + self.speech_save_dir = speech_save_dir + self.audio_process_handler = audio_process_handler + socketserver.TCPServer.__init__( + self, server_address, RequestHandlerClass, bind_and_activate=True) + + +class AsrRequestHandler(socketserver.BaseRequestHandler): + """The ASR request handler.""" + + def handle(self): + # receive data through TCP socket + chunk = self.request.recv(1024) + target_len = struct.unpack('>i', chunk[:4])[0] + data = chunk[4:] + while len(data) < target_len: + chunk = self.request.recv(1024) + data += chunk + # write to file + filename = self._write_to_file(data) + + print("Received utterance[length=%d] from %s, saved to %s." % + (len(data), self.client_address[0], filename)) + start_time = time.time() + transcript = self.server.audio_process_handler(filename) + finish_time = time.time() + print("Response Time: %f, Transcript: %s" % + (finish_time - start_time, transcript)) + self.request.sendall(transcript.encode('utf-8')) + + def _write_to_file(self, data): + # prepare save dir and filename + if not os.path.exists(self.server.speech_save_dir): + os.mkdir(self.server.speech_save_dir) + timestamp = strftime("%Y%m%d%H%M%S", gmtime()) + out_filename = os.path.join( + self.server.speech_save_dir, + timestamp + "_" + self.client_address[0] + ".wav") + # write to wav file + file = wave.open(out_filename, 'wb') + file.setnchannels(1) + file.setsampwidth(2) + file.setframerate(16000) + file.writeframes(data) + file.close() + return out_filename diff --git a/examples/transv1.8to2.x/deepspeech/utils/tensor_utils.py b/examples/transv1.8to2.x/deepspeech/utils/tensor_utils.py new file mode 100644 index 000000000..9bff6b0f3 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/tensor_utils.py @@ -0,0 +1,180 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Unility functions for Transformer.""" +from typing import List +from typing import Tuple + +import paddle + +from deepspeech.utils.log import Log + +__all__ = ["pad_sequence", "add_sos_eos", "th_accuracy", "has_tensor"] + +logger = Log(__name__).getlog() + + +def has_tensor(val): + if isinstance(val, (list, tuple)): + for item in val: + if has_tensor(item): + return True + elif isinstance(val, dict): + for k, v in val.items(): + print(k) + if has_tensor(v): + return True + else: + return paddle.is_tensor(val) + + +def pad_sequence(sequences: List[paddle.Tensor], + batch_first: bool=False, + padding_value: float=0.0) -> paddle.Tensor: + r"""Pad a list of variable length Tensors with ``padding_value`` + + ``pad_sequence`` stacks a list of Tensors along a new dimension, + and pads them to equal length. For example, if the input is list of + sequences with size ``L x *`` and if batch_first is False, and ``T x B x *`` + otherwise. + + `B` is batch size. It is equal to the number of elements in ``sequences``. + `T` is length of the longest sequence. + `L` is length of the sequence. + `*` is any number of trailing dimensions, including none. + + Example: + >>> from paddle.nn.utils.rnn import pad_sequence + >>> a = paddle.ones(25, 300) + >>> b = paddle.ones(22, 300) + >>> c = paddle.ones(15, 300) + >>> pad_sequence([a, b, c]).size() + paddle.Tensor([25, 3, 300]) + + Note: + This function returns a Tensor of size ``T x B x *`` or ``B x T x *`` + where `T` is the length of the longest sequence. This function assumes + trailing dimensions and type of all the Tensors in sequences are same. + + Args: + sequences (list[Tensor]): list of variable length sequences. + batch_first (bool, optional): output will be in ``B x T x *`` if True, or in + ``T x B x *`` otherwise + padding_value (float, optional): value for padded elements. Default: 0. + + Returns: + Tensor of size ``T x B x *`` if :attr:`batch_first` is ``False``. + Tensor of size ``B x T x *`` otherwise + """ + + # assuming trailing dimensions and type of all the Tensors + # in sequences are same and fetching those from sequences[0] + max_size = sequences[0].size() + # (TODO Hui Zhang): slice not supprot `end==start` + # trailing_dims = max_size[1:] + trailing_dims = max_size[1:] if max_size.ndim >= 2 else () + max_len = max([s.size(0) for s in sequences]) + if batch_first: + out_dims = (len(sequences), max_len) + trailing_dims + else: + out_dims = (max_len, len(sequences)) + trailing_dims + + out_tensor = sequences[0].new_full(out_dims, padding_value) + for i, tensor in enumerate(sequences): + length = tensor.size(0) + # use index notation to prevent duplicate references to the tensor + if batch_first: + out_tensor[i, :length, ...] = tensor + else: + out_tensor[:length, i, ...] = tensor + + return out_tensor + + +def add_sos_eos(ys_pad: paddle.Tensor, sos: int, eos: int, + ignore_id: int) -> Tuple[paddle.Tensor, paddle.Tensor]: + """Add and labels. + Args: + ys_pad (paddle.Tensor): batch of padded target sequences (B, Lmax) + sos (int): index of + eos (int): index of + ignore_id (int): index of padding + Returns: + ys_in (paddle.Tensor) : (B, Lmax + 1) + ys_out (paddle.Tensor) : (B, Lmax + 1) + Examples: + >>> sos_id = 10 + >>> eos_id = 11 + >>> ignore_id = -1 + >>> ys_pad + tensor([[ 1, 2, 3, 4, 5], + [ 4, 5, 6, -1, -1], + [ 7, 8, 9, -1, -1]], dtype=paddle.int32) + >>> ys_in,ys_out=add_sos_eos(ys_pad, sos_id , eos_id, ignore_id) + >>> ys_in + tensor([[10, 1, 2, 3, 4, 5], + [10, 4, 5, 6, 11, 11], + [10, 7, 8, 9, 11, 11]]) + >>> ys_out + tensor([[ 1, 2, 3, 4, 5, 11], + [ 4, 5, 6, 11, -1, -1], + [ 7, 8, 9, 11, -1, -1]]) + """ + # TODO(Hui Zhang): using comment code, + #_sos = paddle.to_tensor( + # [sos], dtype=paddle.long, stop_gradient=True, place=ys_pad.place) + #_eos = paddle.to_tensor( + # [eos], dtype=paddle.long, stop_gradient=True, place=ys_pad.place) + #ys = [y[y != ignore_id] for y in ys_pad] # parse padded ys + #ys_in = [paddle.cat([_sos, y], dim=0) for y in ys] + #ys_out = [paddle.cat([y, _eos], dim=0) for y in ys] + #return pad_sequence(ys_in, padding_value=eos), pad_sequence(ys_out, padding_value=ignore_id) + B = ys_pad.size(0) + _sos = paddle.ones([B, 1], dtype=ys_pad.dtype) * sos + _eos = paddle.ones([B, 1], dtype=ys_pad.dtype) * eos + ys_in = paddle.cat([_sos, ys_pad], dim=1) + mask_pad = (ys_in == ignore_id) + ys_in = ys_in.masked_fill(mask_pad, eos) + + ys_out = paddle.cat([ys_pad, _eos], dim=1) + ys_out = ys_out.masked_fill(mask_pad, eos) + mask_eos = (ys_out == ignore_id) + ys_out = ys_out.masked_fill(mask_eos, eos) + ys_out = ys_out.masked_fill(mask_pad, ignore_id) + return ys_in, ys_out + + +def th_accuracy(pad_outputs: paddle.Tensor, + pad_targets: paddle.Tensor, + ignore_label: int) -> float: + """Calculate accuracy. + Args: + pad_outputs (Tensor): Prediction tensors (B * Lmax, D). + pad_targets (LongTensor): Target label tensors (B, Lmax, D). + ignore_label (int): Ignore label id. + Returns: + float: Accuracy value (0.0 - 1.0). + """ + pad_pred = pad_outputs.view( + pad_targets.size(0), pad_targets.size(1), pad_outputs.size(1)).argmax(2) + mask = pad_targets != ignore_label + #TODO(Hui Zhang): sum not support bool type + # numerator = paddle.sum( + # pad_pred.masked_select(mask) == pad_targets.masked_select(mask)) + numerator = ( + pad_pred.masked_select(mask) == pad_targets.masked_select(mask)) + numerator = paddle.sum(numerator.type_as(pad_targets)) + #TODO(Hui Zhang): sum not support bool type + # denominator = paddle.sum(mask) + denominator = paddle.sum(mask.type_as(pad_targets)) + return float(numerator) / float(denominator) diff --git a/examples/transv1.8to2.x/deepspeech/utils/text_grid.py b/examples/transv1.8to2.x/deepspeech/utils/text_grid.py new file mode 100644 index 000000000..3af58c9ba --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/text_grid.py @@ -0,0 +1,127 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +from typing import Dict +from typing import List +from typing import Text + +import textgrid + + +def segment_alignment(alignment: List[int], blank_id=0) -> List[List[int]]: + """segment ctc alignment ids by continuous blank and repeat label. + + Args: + alignment (List[int]): ctc alignment id sequence. + e.g. [0, 0, 0, 1, 1, 1, 2, 0, 0, 3] + blank_id (int, optional): blank id. Defaults to 0. + + Returns: + List[List[int]]: token align, segment aligment id sequence. + e.g. [[0, 0, 0, 1, 1, 1], [2], [0, 0, 3]] + """ + # convert alignment to a praat format, which is a doing phonetics + # by computer and helps analyzing alignment + align_segs = [] + # get frames level duration for each token + start = 0 + end = 0 + while end < len(alignment): + while end < len(alignment) and alignment[end] == blank_id: # blank + end += 1 + if end == len(alignment): + align_segs[-1].extend(alignment[start:]) + break + end += 1 + while end < len(alignment) and alignment[end - 1] == alignment[ + end]: # repeat label + end += 1 + align_segs.append(alignment[start:end]) + start = end + return align_segs + + +def align_to_tierformat(align_segs: List[List[int]], + subsample: int, + token_dict: Dict[int, Text], + blank_id=0) -> List[Text]: + """Generate textgrid.Interval format from alignment segmentations. + + Args: + align_segs (List[List[int]]): segmented ctc alignment ids. + subsample (int): 25ms frame_length, 10ms hop_length, 1/subsample + token_dict (Dict[int, Text]): int -> str map. + + Returns: + List[Text]: list of textgrid.Interval text, str(start, end, text). + """ + hop_length = 10 # ms + second_ms = 1000 # ms + frame_per_second = second_ms / hop_length # 25ms frame_length, 10ms hop_length + second_per_frame = 1.0 / frame_per_second + + begin = 0 + duration = 0 + tierformat = [] + + for idx, tokens in enumerate(align_segs): + token_len = len(tokens) + token = tokens[-1] + # time duration in second + duration = token_len * subsample * second_per_frame + if idx < len(align_segs) - 1: + print(f"{begin:.2f} {begin + duration:.2f} {token_dict[token]}") + tierformat.append( + f"{begin:.2f} {begin + duration:.2f} {token_dict[token]}\n") + else: + for i in tokens: + if i != blank_id: + token = i + break + print(f"{begin:.2f} {begin + duration:.2f} {token_dict[token]}") + tierformat.append( + f"{begin:.2f} {begin + duration:.2f} {token_dict[token]}\n") + begin = begin + duration + + return tierformat + + +def generate_textgrid(maxtime: float, + intervals: List[Text], + output: Text, + name: Text='ali') -> None: + """Create alignment textgrid file. + + Args: + maxtime (float): audio duartion. + intervals (List[Text]): ctc output alignment. e.g. "start-time end-time word" per item. + output (Text): textgrid filepath. + name (Text, optional): tier or layer name. Defaults to 'ali'. + """ + # Download Praat: https://www.fon.hum.uva.nl/praat/ + avg_interval = maxtime / (len(intervals) + 1) + print(f"average second/token: {avg_interval}") + margin = 0.0001 + + tg = textgrid.TextGrid(maxTime=maxtime) + tier = textgrid.IntervalTier(name=name, maxTime=maxtime) + + i = 0 + for dur in intervals: + s, e, text = dur.split() + tier.add(minTime=float(s) + margin, maxTime=float(e), mark=text) + + tg.append(tier) + + tg.write(output) + print("successfully generator textgrid {}.".format(output)) diff --git a/examples/transv1.8to2.x/deepspeech/utils/utility.py b/examples/transv1.8to2.x/deepspeech/utils/utility.py new file mode 100644 index 000000000..e18fc1f77 --- /dev/null +++ b/examples/transv1.8to2.x/deepspeech/utils/utility.py @@ -0,0 +1,110 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains common utility functions.""" +import distutils.util +import math +import os +import random +from typing import List + +import numpy as np +import paddle + +__all__ = ["seed_all", 'print_arguments', 'add_arguments', "log_add"] + + +def seed_all(seed: int=210329): + np.random.seed(seed) + random.seed(seed) + paddle.seed(seed) + + +def print_arguments(args, info=None): + """Print argparse's arguments. + + Usage: + + .. code-block:: python + + parser = argparse.ArgumentParser() + parser.add_argument("name", default="Jonh", type=str, help="User name.") + args = parser.parse_args() + print_arguments(args) + + :param args: Input argparse.Namespace for printing. + :type args: argparse.Namespace + """ + filename = "" + if info: + filename = info["__file__"] + filename = os.path.basename(filename) + print(f"----------- {filename} Configuration Arguments -----------") + for arg, value in sorted(vars(args).items()): + print("%s: %s" % (arg, value)) + print("-----------------------------------------------------------") + + +def add_arguments(argname, type, default, help, argparser, **kwargs): + """Add argparse's argument. + + Usage: + + .. code-block:: python + + parser = argparse.ArgumentParser() + add_argument("name", str, "Jonh", "User name.", parser) + args = parser.parse_args() + """ + type = distutils.util.strtobool if type == bool else type + argparser.add_argument( + "--" + argname, + default=default, + type=type, + help=help + ' Default: %(default)s.', + **kwargs) + + +def log_add(args: List[int]) -> float: + """Stable log add + + Args: + args (List[int]): log scores + + Returns: + float: sum of log scores + """ + if all(a == -float('inf') for a in args): + return -float('inf') + a_max = max(args) + lsp = math.log(sum(math.exp(a - a_max) for a in args)) + return a_max + lsp + + +def get_subsample(config): + """Subsample rate from config. + + Args: + config (yacs.config.CfgNode): yaml config + + Returns: + int: subsample rate. + """ + input_layer = config["model"]["encoder_conf"]["input_layer"] + assert input_layer in ["conv2d", "conv2d6", "conv2d8"] + if input_layer == "conv2d": + return 4 + elif input_layer == "conv2d6": + return 6 + elif input_layer == "conv2d8": + return 8 diff --git a/examples/transv1.8to2.x/example/aishell/run_data.sh b/examples/transv1.8to2.x/example/aishell/run_data.sh new file mode 100644 index 000000000..877381f0a --- /dev/null +++ b/examples/transv1.8to2.x/example/aishell/run_data.sh @@ -0,0 +1,42 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download data, generate manifests +PYTHONPATH=.:$PYTHONPATH python3 data/aishell/aishell.py \ +--manifest_prefix='data/aishell/manifest' \ +--target_dir='../dataset/aishell' + +if [ $? -ne 0 ]; then + echo "Prepare Aishell failed. Terminated." + exit 1 +fi + + +# build vocabulary +python3 tools/build_vocab.py \ +--count_threshold=0 \ +--vocab_path='data/aishell/vocab.txt' \ +--manifest_paths 'data/aishell/manifest.train' 'data/aishell/manifest.dev' + +if [ $? -ne 0 ]; then + echo "Build vocabulary failed. Terminated." + exit 1 +fi + + +# compute mean and stddev for normalizer +python3 tools/compute_mean_std.py \ +--manifest_path='data/aishell/manifest.train' \ +--num_samples=2000 \ +--specgram_type='linear' \ +--output_path='data/aishell/mean_std.npz' + +if [ $? -ne 0 ]; then + echo "Compute mean and stddev failed. Terminated." + exit 1 +fi + + +echo "Aishell data preparation done." +exit 0 diff --git a/examples/transv1.8to2.x/example/aishell/run_infer_golden.sh b/examples/transv1.8to2.x/example/aishell/run_infer_golden.sh new file mode 100644 index 000000000..f42559753 --- /dev/null +++ b/examples/transv1.8to2.x/example/aishell/run_infer_golden.sh @@ -0,0 +1,55 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download language model +cd models/lm > /dev/null +bash download_lm_ch.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# download well-trained model +cd models/aishell > /dev/null +bash download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# infer +CUDA_VISIBLE_DEVICES=0 \ +python3 -u infer2x.py \ +--num_samples=10 \ +--beam_size=300 \ +--feat_dim=161 \ +--num_proc_bsearch=8 \ +--num_conv_layers=2 \ +--num_rnn_layers=3 \ +--rnn_layer_size=1024 \ +--alpha=2.6 \ +--beta=5.0 \ +--cutoff_prob=0.99 \ +--cutoff_top_n=40 \ +--use_gru=True \ +--use_gpu=False \ +--share_rnn_weights=False \ +--infer_manifest='data/aishell/manifest.test' \ +--mean_std_path='models/aishell/mean_std.npz' \ +--vocab_path='models/aishell/vocab.txt' \ +--model_path='models/aishell/aishell_v1.8.pdparams' \ +--lang_model_path='models/lm/zh_giga.no_cna_cmn.prune01244.klm' \ +--decoding_method='ctc_beam_search' \ +--error_rate_type='cer' \ +--specgram_type='linear' + +if [ $? -ne 0 ]; then + echo "Failed in inference!" + exit 1 +fi + + +exit 0 diff --git a/examples/transv1.8to2.x/example/aishell/run_test_golden.sh b/examples/transv1.8to2.x/example/aishell/run_test_golden.sh new file mode 100644 index 000000000..75eaf16e1 --- /dev/null +++ b/examples/transv1.8to2.x/example/aishell/run_test_golden.sh @@ -0,0 +1,54 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download language model +cd models/lm > /dev/null +bash download_lm_ch.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + +# download well-trained model +cd models/aishell > /dev/null +bash download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# evaluate model +CUDA_VISIBLE_DEVICES=1 \ +python3 -u test2x.py \ +--batch_size=64 \ +--beam_size=300 \ +--feat_dim=161 \ +--num_proc_bsearch=8 \ +--num_conv_layers=2 \ +--num_rnn_layers=3 \ +--rnn_layer_size=1024 \ +--alpha=2.6 \ +--beta=5.0 \ +--cutoff_prob=0.99 \ +--cutoff_top_n=40 \ +--use_gru=True \ +--use_gpu=True \ +--share_rnn_weights=False \ +--test_manifest='data/aishell/manifest.test' \ +--mean_std_path='models/aishell/mean_std.npz' \ +--vocab_path='models/aishell/vocab.txt' \ +--model_path='models/aishell/aishell_v1.8.pdparams' \ +--lang_model_path='models/lm/zh_giga.no_cna_cmn.prune01244.klm' \ +--decoding_method='ctc_beam_search' \ +--error_rate_type='cer' \ +--specgram_type='linear' + +if [ $? -ne 0 ]; then + echo "Failed in evaluation!" + exit 1 +fi + + +exit 0 diff --git a/examples/transv1.8to2.x/example/baidu_en8k/run_data.sh b/examples/transv1.8to2.x/example/baidu_en8k/run_data.sh new file mode 100644 index 000000000..487d2d22f --- /dev/null +++ b/examples/transv1.8to2.x/example/baidu_en8k/run_data.sh @@ -0,0 +1,45 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download data, generate manifests +PYTHONPATH=.:$PYTHONPATH python3 data/librispeech/librispeech.py \ +--manifest_prefix='data/librispeech/manifest' \ +--target_dir='../dataset/librispeech' \ +--full_download='True' + +if [ $? -ne 0 ]; then + echo "Prepare LibriSpeech failed. Terminated." + exit 1 +fi + +cat data/librispeech/manifest.train-* | shuf > data/librispeech/manifest.train + + +# build vocabulary +python3 tools/build_vocab.py \ +--count_threshold=0 \ +--vocab_path='data/librispeech/vocab.txt' \ +--manifest_paths='data/librispeech/manifest.train' + +if [ $? -ne 0 ]; then + echo "Build vocabulary failed. Terminated." + exit 1 +fi + + +# compute mean and stddev for normalizer +python3 tools/compute_mean_std.py \ +--manifest_path='data/librispeech/manifest.train' \ +--num_samples=2000 \ +--specgram_type='linear' \ +--output_path='data/librispeech/mean_std.npz' + +if [ $? -ne 0 ]; then + echo "Compute mean and stddev failed. Terminated." + exit 1 +fi + + +echo "LibriSpeech Data preparation done." +exit 0 diff --git a/examples/transv1.8to2.x/example/baidu_en8k/run_infer_golden.sh b/examples/transv1.8to2.x/example/baidu_en8k/run_infer_golden.sh new file mode 100644 index 000000000..a94c082ff --- /dev/null +++ b/examples/transv1.8to2.x/example/baidu_en8k/run_infer_golden.sh @@ -0,0 +1,55 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download language model +cd models/lm > /dev/null +bash download_lm_en.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# download well-trained model +cd models/baidu_en8k > /dev/null +bash download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# infer +CUDA_VISIBLE_DEVICES=0 \ +python3 -u infer2x.py \ +--num_samples=10 \ +--beam_size=500 \ +--feat_dim=161 \ +--num_proc_bsearch=5 \ +--num_conv_layers=2 \ +--num_rnn_layers=3 \ +--rnn_layer_size=1024 \ +--alpha=1.4 \ +--beta=0.35 \ +--cutoff_prob=1.0 \ +--cutoff_top_n=40 \ +--use_gru=True \ +--use_gpu=False \ +--share_rnn_weights=False \ +--infer_manifest='data/librispeech/manifest.test-clean' \ +--mean_std_path='models/baidu_en8k/mean_std.npz' \ +--vocab_path='models/baidu_en8k/vocab.txt' \ +--model_path='models/baidu_en8k/baidu_en8k_v1.8.pdparams' \ +--lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm' \ +--decoding_method='ctc_beam_search' \ +--error_rate_type='wer' \ +--specgram_type='linear' + +if [ $? -ne 0 ]; then + echo "Failed in inference!" + exit 1 +fi + + +exit 0 diff --git a/examples/transv1.8to2.x/example/baidu_en8k/run_test_golden.sh b/examples/transv1.8to2.x/example/baidu_en8k/run_test_golden.sh new file mode 100644 index 000000000..9746015ee --- /dev/null +++ b/examples/transv1.8to2.x/example/baidu_en8k/run_test_golden.sh @@ -0,0 +1,55 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download language model +cd models/lm > /dev/null +bash download_lm_en.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + + +# download well-trained model +cd models/baidu_en8k > /dev/null +bash download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# evaluate model +CUDA_VISIBLE_DEVICES=0 \ +python3 -u test2x.py \ +--batch_size=32 \ +--beam_size=500 \ +--feat_dim=161 \ +--num_proc_bsearch=8 \ +--num_conv_layers=2 \ +--num_rnn_layers=3 \ +--rnn_layer_size=1024 \ +--alpha=1.4 \ +--beta=0.35 \ +--cutoff_prob=1.0 \ +--cutoff_top_n=40 \ +--use_gru=True \ +--use_gpu=False \ +--share_rnn_weights=False \ +--test_manifest='data/librispeech/manifest.test-clean' \ +--mean_std_path='models/baidu_en8k/mean_std.npz' \ +--vocab_path='models/baidu_en8k/vocab.txt' \ +--model_path='models/baidu_en8k/baidu_en8k_v1.8.pdparams' \ +--lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm' \ +--decoding_method='ctc_beam_search' \ +--error_rate_type='wer' \ +--specgram_type='linear' + +if [ $? -ne 0 ]; then + echo "Failed in evaluation!" + exit 1 +fi + +exit 0 diff --git a/examples/transv1.8to2.x/example/librispeech/run_data.sh b/examples/transv1.8to2.x/example/librispeech/run_data.sh new file mode 100644 index 000000000..487d2d22f --- /dev/null +++ b/examples/transv1.8to2.x/example/librispeech/run_data.sh @@ -0,0 +1,45 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download data, generate manifests +PYTHONPATH=.:$PYTHONPATH python3 data/librispeech/librispeech.py \ +--manifest_prefix='data/librispeech/manifest' \ +--target_dir='../dataset/librispeech' \ +--full_download='True' + +if [ $? -ne 0 ]; then + echo "Prepare LibriSpeech failed. Terminated." + exit 1 +fi + +cat data/librispeech/manifest.train-* | shuf > data/librispeech/manifest.train + + +# build vocabulary +python3 tools/build_vocab.py \ +--count_threshold=0 \ +--vocab_path='data/librispeech/vocab.txt' \ +--manifest_paths='data/librispeech/manifest.train' + +if [ $? -ne 0 ]; then + echo "Build vocabulary failed. Terminated." + exit 1 +fi + + +# compute mean and stddev for normalizer +python3 tools/compute_mean_std.py \ +--manifest_path='data/librispeech/manifest.train' \ +--num_samples=2000 \ +--specgram_type='linear' \ +--output_path='data/librispeech/mean_std.npz' + +if [ $? -ne 0 ]; then + echo "Compute mean and stddev failed. Terminated." + exit 1 +fi + + +echo "LibriSpeech Data preparation done." +exit 0 diff --git a/examples/transv1.8to2.x/example/librispeech/run_infer_golden.sh b/examples/transv1.8to2.x/example/librispeech/run_infer_golden.sh new file mode 100644 index 000000000..e860a8b2e --- /dev/null +++ b/examples/transv1.8to2.x/example/librispeech/run_infer_golden.sh @@ -0,0 +1,55 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download language model +cd models/lm > /dev/null +bash download_lm_en.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# download well-trained model +cd models/librispeech > /dev/null +bash download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# infer +CUDA_VISIBLE_DEVICES=0 \ +python3 -u infer2x.py \ +--num_samples=10 \ +--beam_size=500 \ +--feat_dim=161 \ +--num_proc_bsearch=8 \ +--num_conv_layers=2 \ +--num_rnn_layers=3 \ +--rnn_layer_size=2048 \ +--alpha=2.5 \ +--beta=0.3 \ +--cutoff_prob=1.0 \ +--cutoff_top_n=40 \ +--use_gru=False \ +--use_gpu=True \ +--share_rnn_weights=True \ +--infer_manifest='data/librispeech/manifest.test-clean' \ +--mean_std_path='models/librispeech/mean_std.npz' \ +--vocab_path='models/librispeech/vocab.txt' \ +--model_path='models/librispeech/librispeech_v1.8.pdparams' \ +--lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm' \ +--decoding_method='ctc_beam_search' \ +--error_rate_type='wer' \ +--specgram_type='linear' + +if [ $? -ne 0 ]; then + echo "Failed in inference!" + exit 1 +fi + + +exit 0 diff --git a/examples/transv1.8to2.x/example/librispeech/run_test_golden.sh b/examples/transv1.8to2.x/example/librispeech/run_test_golden.sh new file mode 100644 index 000000000..d03358407 --- /dev/null +++ b/examples/transv1.8to2.x/example/librispeech/run_test_golden.sh @@ -0,0 +1,55 @@ +#! /usr/bin/env bash + +cd ../.. > /dev/null + +# download language model +cd models/lm > /dev/null +bash download_lm_en.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# download well-trained model +cd models/librispeech > /dev/null +bash download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi +cd - > /dev/null + + +# evaluate model +CUDA_VISIBLE_DEVICES=0 \ +python3 -u test2x.py \ +--batch_size=32 \ +--beam_size=500 \ +--feat_dim=161 \ +--num_proc_bsearch=8 \ +--num_conv_layers=2 \ +--num_rnn_layers=3 \ +--rnn_layer_size=2048 \ +--alpha=2.5 \ +--beta=0.3 \ +--cutoff_prob=1.0 \ +--cutoff_top_n=40 \ +--use_gru=False \ +--use_gpu=True \ +--share_rnn_weights=True \ +--test_manifest='data/librispeech/manifest.test-clean' \ +--mean_std_path='models/librispeech/mean_std.npz' \ +--vocab_path='models/librispeech/vocab.txt' \ +--model_path='models/librispeech/librispeech_v1.8.pdparams' \ +--lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm' \ +--decoding_method='ctc_beam_search' \ +--error_rate_type='wer' \ +--specgram_type='linear' + +if [ $? -ne 0 ]; then + echo "Failed in evaluation!" + exit 1 +fi + + +exit 0 diff --git a/examples/transv1.8to2.x/infer2x.py b/examples/transv1.8to2.x/infer2x.py new file mode 100644 index 000000000..f461b05b4 --- /dev/null +++ b/examples/transv1.8to2.x/infer2x.py @@ -0,0 +1,163 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Inferer for DeepSpeech2 model.""" +import argparse +import functools + +import numpy as np +import paddle +import paddle.fluid as fluid +from data_utils.data import DataGenerator +from model_utils.model_check import check_cuda +from model_utils.model_check import check_version + +from deepspeech.models.ds2 import DeepSpeech2Model as DS2 +from utils.error_rate import cer +from utils.error_rate import wer +from utils.utility import add_arguments +from utils.utility import print_arguments +parser = argparse.ArgumentParser(description=__doc__) +add_arg = functools.partial(add_arguments, argparser=parser) +# yapf: disable +add_arg('num_samples', int, 10, "# of samples to infer.") +add_arg('beam_size', int, 500, "Beam search width.") +add_arg('feat_dim', int, 161, "Feature dim.") +add_arg('num_proc_bsearch', int, 8, "# of CPUs for beam search.") +add_arg('num_conv_layers', int, 2, "# of convolution layers.") +add_arg('num_rnn_layers', int, 3, "# of recurrent layers.") +add_arg('rnn_layer_size', int, 2048, "# of recurrent cells per layer.") +add_arg('alpha', float, 2.5, "Coef of LM for beam search.") +add_arg('beta', float, 0.3, "Coef of WC for beam search.") +add_arg('cutoff_prob', float, 1.0, "Cutoff probability for pruning.") +add_arg('cutoff_top_n', int, 40, "Cutoff number for pruning.") +add_arg('use_gru', bool, False, "Use GRUs instead of simple RNNs.") +add_arg('use_gpu', bool, True, "Use GPU or not.") +add_arg('share_rnn_weights', bool, True, "Share input-hidden weights across bi-directional RNNs. Not for GRU.") +add_arg('infer_manifest', str, + 'data/librispeech/manifest.dev-clean', + "Filepath of manifest to infer.") +add_arg('mean_std_path', str, + 'data/librispeech/mean_std.npz', + "Filepath of normalizer's mean & std.") +add_arg('vocab_path', str, + 'data/librispeech/vocab.txt', + "Filepath of vocabulary.") +add_arg('lang_model_path', str, + 'models/lm/common_crawl_00.prune01111.trie.klm', + "Filepath for language model.") +add_arg('model_path', str, + './checkpoints/libri/step_final', + "If None, the training starts from scratch, " + "otherwise, it resumes from the pre-trained model.") +add_arg('decoding_method', str, + 'ctc_beam_search', + "Decoding method. Options: ctc_beam_search, ctc_greedy", + choices=['ctc_beam_search', 'ctc_greedy']) +add_arg('error_rate_type', str, + 'wer', + "Error rate type for evaluation.", + choices=['wer', 'cer']) +add_arg('specgram_type', str, + 'linear', + "Audio feature type. Options: linear, mfcc.", + choices=['linear', 'mfcc']) +# yapf: disable +args = parser.parse_args() + + +def infer(): + """Inference for DeepSpeech2.""" + + # check if set use_gpu=True in paddlepaddle cpu version + check_cuda(args.use_gpu) + # check if paddlepaddle version is satisfied + check_version() + + if args.use_gpu: + place = fluid.CUDAPlace(0) + else: + place = fluid.CPUPlace() + + data_generator = DataGenerator( + vocab_filepath=args.vocab_path, + mean_std_filepath=args.mean_std_path, + augmentation_config='{}', + specgram_type=args.specgram_type, + keep_transcription_text=True, + place=place, + is_training=False) + batch_reader = data_generator.batch_reader_creator( + manifest_path=args.infer_manifest, + batch_size=args.num_samples, + sortagrad=False, + shuffle_method=None) + + # decoders only accept string encoded in utf-8 + vocab_list = [chars for chars in data_generator.vocab_list] + for i, char in enumerate(vocab_list): + if vocab_list[i] == '': + vocab_list[i] = " " + + model = DS2( + feat_size=args.feat_dim, + dict_size=len(vocab_list), + num_conv_layers=args.num_conv_layers, + num_rnn_layers=args.num_rnn_layers, + rnn_size=args.rnn_layer_size, + use_gru=args.use_gru, + share_rnn_weights=args.share_rnn_weights, + blank_id=len(vocab_list) - 1 + ) + params_path = args.model_path + model_dict = paddle.load(params_path) + model.set_state_dict(model_dict) + model.eval() + error_rate_func = cer if args.error_rate_type == 'cer' else wer + print("start inference ...") + for infer_data in batch_reader(): + target_transcripts = infer_data[1] + audio, target_transcripts, audio_len, mask = infer_data + audio = np.transpose(audio, (0, 2, 1)) + audio_len = audio_len.reshape(-1) + audio = paddle.to_tensor(audio) + audio_len = paddle.to_tensor(audio_len) + + result_transcripts = model.decode( + audio=audio, + audio_len=audio_len, + lang_model_path=args.lang_model_path, + decoding_method=args.decoding_method, + beam_alpha=args.alpha, + beam_beta=args.beta, + beam_size=args.beam_size, + cutoff_prob=args.cutoff_prob, + cutoff_top_n=args.cutoff_top_n, + vocab_list=vocab_list, + num_processes=args.num_proc_bsearch + ) + for target, result in zip(target_transcripts, result_transcripts): + print("\nTarget Transcription: %s\nOutput Transcription: %s" % + (target, result)) + print("Current error rate [%s] = %f" % + (args.error_rate_type, error_rate_func(target, result))) + + print("finish inference") + +def main(): + print_arguments(args) + infer() + + +if __name__ == '__main__': + main() diff --git a/examples/transv1.8to2.x/model_utils/__init__.py b/examples/transv1.8to2.x/model_utils/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/model_utils/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/model_utils/model_check.py b/examples/transv1.8to2.x/model_utils/model_check.py new file mode 100644 index 000000000..f64299ee7 --- /dev/null +++ b/examples/transv1.8to2.x/model_utils/model_check.py @@ -0,0 +1,49 @@ +# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +import sys + +import paddle.fluid as fluid + + +def check_cuda( + use_cuda, + err="\nYou can not set use_cuda = True in the model because you are using paddlepaddle-cpu.\n \ + Please: 1. Install paddlepaddle-gpu to run your models on GPU or 2. Set use_cuda = False to run models on CPU.\n" +): + """ + Log error and exit when set use_gpu=true in paddlepaddle + cpu version. + """ + try: + if use_cuda is True and fluid.is_compiled_with_cuda() is False: + print(err) + sys.exit(1) + except Exception as e: + pass + + +def check_version(): + """ + Log error and exit when the installed version of paddlepaddle is + not satisfied. + """ + err = "PaddlePaddle version 1.6 or higher is required, " \ + "or a suitable develop version is satisfied as well. \n" \ + "Please make sure the version is good with your code." \ + + try: + fluid.require_version('1.6.0') + except Exception as e: + print(err) + sys.exit(1) diff --git a/examples/transv1.8to2.x/models/aishell/download_model.sh b/examples/transv1.8to2.x/models/aishell/download_model.sh new file mode 100644 index 000000000..939382a12 --- /dev/null +++ b/examples/transv1.8to2.x/models/aishell/download_model.sh @@ -0,0 +1,19 @@ +#! /usr/bin/env bash + +. ../../utils/utility.sh + +URL='https://deepspeech.bj.bcebos.com/mandarin_models/aishell_model_v1.8_to_v2.x.tar.gz' +MD5=4ade113c69ea291b8ce5ec6a03296659 +TARGET=./aishell_model_v1.8_to_v2.x.tar.gz + + +echo "Download Aishell model ..." +download $URL $MD5 $TARGET +if [ $? -ne 0 ]; then + echo "Fail to download Aishell model!" + exit 1 +fi +tar -zxvf $TARGET + + +exit 0 diff --git a/examples/transv1.8to2.x/models/baidu_en8k/download_model.sh b/examples/transv1.8to2.x/models/baidu_en8k/download_model.sh new file mode 100644 index 000000000..e91bd39c7 --- /dev/null +++ b/examples/transv1.8to2.x/models/baidu_en8k/download_model.sh @@ -0,0 +1,19 @@ +#! /usr/bin/env bash + +. ../../utils/utility.sh + +URL='https://deepspeech.bj.bcebos.com/eng_models/baidu_en8k_v1.8_to_v2.x.tar.gz' +MD5=fdabeb6c96963ac85d9188f0275c6a1b +TARGET=./baidu_en8k_v1.8_to_v2.x.tar.gz + + +echo "Download BaiduEn8k model ..." +download $URL $MD5 $TARGET +if [ $? -ne 0 ]; then + echo "Fail to download BaiduEn8k model!" + exit 1 +fi +tar -zxvf $TARGET + + +exit 0 diff --git a/examples/transv1.8to2.x/models/librispeech/download_model.sh b/examples/transv1.8to2.x/models/librispeech/download_model.sh new file mode 100644 index 000000000..e0940a7f6 --- /dev/null +++ b/examples/transv1.8to2.x/models/librispeech/download_model.sh @@ -0,0 +1,19 @@ +#! /usr/bin/env bash + +. ../../utils/utility.sh + +URL='https://deepspeech.bj.bcebos.com/eng_models/librispeech_v1.8_to_v2.x.tar.gz' +MD5=7b0f582fe2f5a840b840e7ee52246bc5 +TARGET=./librispeech_v1.8_to_v2.x.tar.gz + + +echo "Download LibriSpeech model ..." +download $URL $MD5 $TARGET +if [ $? -ne 0 ]; then + echo "Fail to download LibriSpeech model!" + exit 1 +fi +tar -zxvf $TARGET + + +exit 0 diff --git a/examples/transv1.8to2.x/models/lm/download_lm_ch.sh b/examples/transv1.8to2.x/models/lm/download_lm_ch.sh new file mode 100644 index 000000000..0e4915262 --- /dev/null +++ b/examples/transv1.8to2.x/models/lm/download_lm_ch.sh @@ -0,0 +1,18 @@ +#! /usr/bin/env bash + +. ../../utils/utility.sh + +URL='https://deepspeech.bj.bcebos.com/zh_lm/zh_giga.no_cna_cmn.prune01244.klm' +MD5="29e02312deb2e59b3c8686c7966d4fe3" +TARGET=./zh_giga.no_cna_cmn.prune01244.klm + + +echo "Download language model ..." +download $URL $MD5 $TARGET +if [ $? -ne 0 ]; then + echo "Fail to download the language model!" + exit 1 +fi + + +exit 0 diff --git a/examples/transv1.8to2.x/models/lm/download_lm_en.sh b/examples/transv1.8to2.x/models/lm/download_lm_en.sh new file mode 100644 index 000000000..cc8d32035 --- /dev/null +++ b/examples/transv1.8to2.x/models/lm/download_lm_en.sh @@ -0,0 +1,18 @@ +#! /usr/bin/env bash + +. ../../utils/utility.sh + +URL=https://deepspeech.bj.bcebos.com/en_lm/common_crawl_00.prune01111.trie.klm +MD5="099a601759d467cd0a8523ff939819c5" +TARGET=./common_crawl_00.prune01111.trie.klm + + +echo "Download language model ..." +download $URL $MD5 $TARGET +if [ $? -ne 0 ]; then + echo "Fail to download the language model!" + exit 1 +fi + + +exit 0 diff --git a/examples/transv1.8to2.x/test2x.py b/examples/transv1.8to2.x/test2x.py new file mode 100644 index 000000000..85a71b54d --- /dev/null +++ b/examples/transv1.8to2.x/test2x.py @@ -0,0 +1,169 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Evaluation for DeepSpeech2 model.""" +import argparse +import functools + +import numpy as np +import paddle +import paddle.fluid as fluid +from data_utils.data import DataGenerator +from model_utils.model_check import check_cuda +from model_utils.model_check import check_version + +from deepspeech.models.ds2 import DeepSpeech2Model as DS2 +from utils.error_rate import char_errors +from utils.error_rate import word_errors +from utils.utility import add_arguments +from utils.utility import print_arguments +parser = argparse.ArgumentParser(description=__doc__) +add_arg = functools.partial(add_arguments, argparser=parser) +# yapf: disable +add_arg('batch_size', int, 128, "Minibatch size.") +add_arg('beam_size', int, 500, "Beam search width.") +add_arg('feat_dim', int, 161, "Feature dim.") +add_arg('num_proc_bsearch', int, 8, "# of CPUs for beam search.") +add_arg('num_conv_layers', int, 2, "# of convolution layers.") +add_arg('num_rnn_layers', int, 3, "# of recurrent layers.") +add_arg('rnn_layer_size', int, 2048, "# of recurrent cells per layer.") +add_arg('alpha', float, 2.5, "Coef of LM for beam search.") +add_arg('beta', float, 0.3, "Coef of WC for beam search.") +add_arg('cutoff_prob', float, 1.0, "Cutoff probability for pruning.") +add_arg('cutoff_top_n', int, 40, "Cutoff number for pruning.") +add_arg('use_gru', bool, False, "Use GRUs instead of simple RNNs.") +add_arg('use_gpu', bool, True, "Use GPU or not.") +add_arg('share_rnn_weights', bool, True, "Share input-hidden weights across " + "bi-directional RNNs. Not for GRU.") +add_arg('test_manifest', str, + 'data/librispeech/manifest.test-clean', + "Filepath of manifest to evaluate.") +add_arg('mean_std_path', str, + 'data/librispeech/mean_std.npz', + "Filepath of normalizer's mean & std.") +add_arg('vocab_path', str, + 'data/librispeech/vocab.txt', + "Filepath of vocabulary.") +add_arg('model_path', str, + './checkpoints/libri/step_final', + "If None, the training starts from scratch, " + "otherwise, it resumes from the pre-trained model.") +add_arg('lang_model_path', str, + 'models/lm/common_crawl_00.prune01111.trie.klm', + "Filepath for language model.") +add_arg('decoding_method', str, + 'ctc_beam_search', + "Decoding method. Options: ctc_beam_search, ctc_greedy", + choices=['ctc_beam_search', 'ctc_greedy']) +add_arg('error_rate_type', str, + 'wer', + "Error rate type for evaluation.", + choices=['wer', 'cer']) +add_arg('specgram_type', str, + 'linear', + "Audio feature type. Options: linear, mfcc.", + choices=['linear', 'mfcc']) +# yapf: disable +args = parser.parse_args() + +def evaluate(): + """Evaluate on whole test data for DeepSpeech2.""" + + # check if set use_gpu=True in paddlepaddle cpu version + check_cuda(args.use_gpu) + # check if paddlepaddle version is satisfied + check_version() + + if args.use_gpu: + place = fluid.CUDAPlace(0) + else: + place = fluid.CPUPlace() + + data_generator = DataGenerator( + vocab_filepath=args.vocab_path, + mean_std_filepath=args.mean_std_path, + augmentation_config='{}', + specgram_type=args.specgram_type, + keep_transcription_text=True, + place=place, + is_training=False) + batch_reader = data_generator.batch_reader_creator( + manifest_path=args.test_manifest, + batch_size=args.batch_size, + sortagrad=False, + shuffle_method=None) + + + # decoders only accept string encoded in utf-8 + vocab_list = [chars for chars in data_generator.vocab_list] + for i, char in enumerate(vocab_list): + if vocab_list[i] == '': + vocab_list[i] = " " + + model = DS2( + feat_size=args.feat_dim, + dict_size=len(vocab_list), + num_conv_layers=args.num_conv_layers, + num_rnn_layers=args.num_rnn_layers, + rnn_size=args.rnn_layer_size, + use_gru=args.use_gru, + share_rnn_weights=args.share_rnn_weights, + blank_id=len(vocab_list) - 1 + ) + + params_path = args.model_path + model_dict = paddle.load(params_path) + model.set_state_dict(model_dict) + model.eval() + errors_func = char_errors if args.error_rate_type == 'cer' else word_errors + errors_sum, len_refs, num_ins = 0.0, 0, 0 + + print("start evaluation ...") + for infer_data in batch_reader(): + audio, target_transcripts, audio_len, mask = infer_data + audio = np.transpose(audio, (0, 2, 1)) + audio_len = audio_len.reshape(-1) + audio = paddle.to_tensor(audio) + audio_len = paddle.to_tensor(audio_len) + result_transcripts = model.decode( + audio=audio, + audio_len=audio_len, + lang_model_path=args.lang_model_path, + decoding_method=args.decoding_method, + beam_alpha=args.alpha, + beam_beta=args.beta, + beam_size=args.beam_size, + cutoff_prob=args.cutoff_prob, + cutoff_top_n=args.cutoff_top_n, + vocab_list=vocab_list, + num_processes=args.num_proc_bsearch + ) + for target, result in zip(target_transcripts, result_transcripts): + errors, len_ref = errors_func(target, result) + errors_sum += errors + len_refs += len_ref + num_ins += 1 + print("Error rate [%s] (%d/?) = %f" % + (args.error_rate_type, num_ins, errors_sum / len_refs)) + print("Final error rate [%s] (%d/%d) = %f" % + (args.error_rate_type, num_ins, num_ins, errors_sum / len_refs)) + + print("finish evaluation") + +def main(): + print_arguments(args) + evaluate() + + +if __name__ == '__main__': + main() diff --git a/examples/transv1.8to2.x/tools/_init_paths.py b/examples/transv1.8to2.x/tools/_init_paths.py new file mode 100644 index 000000000..2f7a5dbdf --- /dev/null +++ b/examples/transv1.8to2.x/tools/_init_paths.py @@ -0,0 +1,31 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Set up paths for DS2""" +import os.path +import sys + + +def add_path(path): + if path not in sys.path: + sys.path.insert(0, path) + + +this_dir = os.path.dirname(__file__) +# Add project path to PYTHONPATH +proj_path = os.path.join(this_dir, '..') +add_path(proj_path) + + +def do_nothing(): + pass diff --git a/examples/transv1.8to2.x/tools/build_vocab.py b/examples/transv1.8to2.x/tools/build_vocab.py new file mode 100644 index 000000000..4ecf9bcc3 --- /dev/null +++ b/examples/transv1.8to2.x/tools/build_vocab.py @@ -0,0 +1,70 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Build vocabulary from manifest files. + +Each item in vocabulary file is a character. +""" +import argparse +import codecs +import functools +from collections import Counter + +import _init_paths +from data_utils.utility import read_manifest + +from utils.utility import add_arguments +from utils.utility import print_arguments + +parser = argparse.ArgumentParser(description=__doc__) +add_arg = functools.partial(add_arguments, argparser=parser) +# yapf: disable +add_arg('count_threshold', int, 0, "Truncation threshold for char counts.") +add_arg('vocab_path', str, + 'data/librispeech/vocab.txt', + "Filepath to write the vocabulary.") +add_arg('manifest_paths', str, + None, + "Filepaths of manifests for building vocabulary. " + "You can provide multiple manifest files.", + nargs='+', + required=True) +# yapf: disable +args = parser.parse_args() + +_init_paths.do_nothing() + +def count_manifest(counter, manifest_path): + manifest_jsons = read_manifest(manifest_path) + for line_json in manifest_jsons: + for char in line_json['text']: + counter.update(char) + + +def main(): + print_arguments(args) + + counter = Counter() + for manifest_path in args.manifest_paths: + count_manifest(counter, manifest_path) + + count_sorted = sorted(counter.items(), key=lambda x: x[1], reverse=True) + with codecs.open(args.vocab_path, 'w', 'utf-8') as fout: + for char, count in count_sorted: + if count < args.count_threshold: + break + fout.write(char + '\n') + + +if __name__ == '__main__': + main() diff --git a/examples/transv1.8to2.x/tools/compute_mean_std.py b/examples/transv1.8to2.x/tools/compute_mean_std.py new file mode 100644 index 000000000..cd402817c --- /dev/null +++ b/examples/transv1.8to2.x/tools/compute_mean_std.py @@ -0,0 +1,64 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Compute mean and std for feature normalizer, and save to file.""" +import argparse +import functools + +import _init_paths +from data_utils.augmentor.augmentation import AugmentationPipeline +from data_utils.featurizer.audio_featurizer import AudioFeaturizer +from data_utils.normalizer import FeatureNormalizer + +from utils.utility import add_arguments +from utils.utility import print_arguments + +parser = argparse.ArgumentParser(description=__doc__) +add_arg = functools.partial(add_arguments, argparser=parser) +# yapf: disable +add_arg('num_samples', int, 2000, "# of samples to for statistics.") +add_arg('specgram_type', str, + 'linear', + "Audio feature type. Options: linear, mfcc.", + choices=['linear', 'mfcc']) +add_arg('manifest_path', str, + 'data/librispeech/manifest.train', + "Filepath of manifest to compute normalizer's mean and stddev.") +add_arg('output_path', str, + 'data/librispeech/mean_std.npz', + "Filepath of write mean and stddev to (.npz).") +# yapf: disable +args = parser.parse_args() + +_init_paths.do_nothing() + +def main(): + print_arguments(args) + + augmentation_pipeline = AugmentationPipeline('{}') + audio_featurizer = AudioFeaturizer(specgram_type=args.specgram_type) + + def augment_and_featurize(audio_segment): + augmentation_pipeline.transform_audio(audio_segment) + return audio_featurizer.featurize(audio_segment) + + normalizer = FeatureNormalizer( + mean_std_filepath=None, + manifest_path=args.manifest_path, + featurize_func=augment_and_featurize, + num_samples=args.num_samples) + normalizer.write_to_file(args.output_path) + + +if __name__ == '__main__': + main() diff --git a/examples/transv1.8to2.x/utils/__init__.py b/examples/transv1.8to2.x/utils/__init__.py new file mode 100644 index 000000000..185a92b8d --- /dev/null +++ b/examples/transv1.8to2.x/utils/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. diff --git a/examples/transv1.8to2.x/utils/error_rate.py b/examples/transv1.8to2.x/utils/error_rate.py new file mode 100644 index 000000000..1fe8a7268 --- /dev/null +++ b/examples/transv1.8to2.x/utils/error_rate.py @@ -0,0 +1,204 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""This module provides functions to calculate error rate in different level. +e.g. wer for word-level, cer for char-level. +""" +import numpy as np + + +def _levenshtein_distance(ref, hyp): + """Levenshtein distance is a string metric for measuring the difference + between two sequences. Informally, the levenshtein disctance is defined as + the minimum number of single-character edits (substitutions, insertions or + deletions) required to change one word into the other. We can naturally + extend the edits to word level when calculate levenshtein disctance for + two sentences. + """ + m = len(ref) + n = len(hyp) + + # special case + if ref == hyp: + return 0 + if m == 0: + return n + if n == 0: + return m + + if m < n: + ref, hyp = hyp, ref + m, n = n, m + + # use O(min(m, n)) space + distance = np.zeros((2, n + 1), dtype=np.int32) + + # initialize distance matrix + for j in range(n + 1): + distance[0][j] = j + + # calculate levenshtein distance + for i in range(1, m + 1): + prev_row_idx = (i - 1) % 2 + cur_row_idx = i % 2 + distance[cur_row_idx][0] = i + for j in range(1, n + 1): + if ref[i - 1] == hyp[j - 1]: + distance[cur_row_idx][j] = distance[prev_row_idx][j - 1] + else: + s_num = distance[prev_row_idx][j - 1] + 1 + i_num = distance[cur_row_idx][j - 1] + 1 + d_num = distance[prev_row_idx][j] + 1 + distance[cur_row_idx][j] = min(s_num, i_num, d_num) + + return distance[m % 2][n] + + +def word_errors(reference, hypothesis, ignore_case=False, delimiter=' '): + """Compute the levenshtein distance between reference sequence and + hypothesis sequence in word-level. + + :param reference: The reference sentence. + :type reference: str + :param hypothesis: The hypothesis sentence. + :type hypothesis: str + :param ignore_case: Whether case-sensitive or not. + :type ignore_case: bool + :param delimiter: Delimiter of input sentences. + :type delimiter: char + :return: Levenshtein distance and word number of reference sentence. + :rtype: list + """ + if ignore_case is True: + reference = reference.lower() + hypothesis = hypothesis.lower() + + ref_words = list(filter(None, reference.split(delimiter))) + hyp_words = list(filter(None, hypothesis.split(delimiter))) + + edit_distance = _levenshtein_distance(ref_words, hyp_words) + return float(edit_distance), len(ref_words) + + +def char_errors(reference, hypothesis, ignore_case=False, remove_space=False): + """Compute the levenshtein distance between reference sequence and + hypothesis sequence in char-level. + + :param reference: The reference sentence. + :type reference: str + :param hypothesis: The hypothesis sentence. + :type hypothesis: str + :param ignore_case: Whether case-sensitive or not. + :type ignore_case: bool + :param remove_space: Whether remove internal space characters + :type remove_space: bool + :return: Levenshtein distance and length of reference sentence. + :rtype: list + """ + if ignore_case is True: + reference = reference.lower() + hypothesis = hypothesis.lower() + + join_char = ' ' + if remove_space is True: + join_char = '' + + reference = join_char.join(list(filter(None, reference.split(' ')))) + hypothesis = join_char.join(list(filter(None, hypothesis.split(' ')))) + + edit_distance = _levenshtein_distance(reference, hypothesis) + return float(edit_distance), len(reference) + + +def wer(reference, hypothesis, ignore_case=False, delimiter=' '): + """Calculate word error rate (WER). WER compares reference text and + hypothesis text in word-level. WER is defined as: + + .. math:: + WER = (Sw + Dw + Iw) / Nw + + where + + .. code-block:: text + + Sw is the number of words subsituted, + Dw is the number of words deleted, + Iw is the number of words inserted, + Nw is the number of words in the reference + + We can use levenshtein distance to calculate WER. Please draw an attention + that empty items will be removed when splitting sentences by delimiter. + + :param reference: The reference sentence. + :type reference: str + :param hypothesis: The hypothesis sentence. + :type hypothesis: str + :param ignore_case: Whether case-sensitive or not. + :type ignore_case: bool + :param delimiter: Delimiter of input sentences. + :type delimiter: char + :return: Word error rate. + :rtype: float + :raises ValueError: If word number of reference is zero. + """ + edit_distance, ref_len = word_errors(reference, hypothesis, ignore_case, + delimiter) + + if ref_len == 0: + raise ValueError("Reference's word number should be greater than 0.") + + wer = float(edit_distance) / ref_len + return wer + + +def cer(reference, hypothesis, ignore_case=False, remove_space=False): + """Calculate charactor error rate (CER). CER compares reference text and + hypothesis text in char-level. CER is defined as: + + .. math:: + CER = (Sc + Dc + Ic) / Nc + + where + + .. code-block:: text + + Sc is the number of characters substituted, + Dc is the number of characters deleted, + Ic is the number of characters inserted + Nc is the number of characters in the reference + + We can use levenshtein distance to calculate CER. Chinese input should be + encoded to unicode. Please draw an attention that the leading and tailing + space characters will be truncated and multiple consecutive space + characters in a sentence will be replaced by one space character. + + :param reference: The reference sentence. + :type reference: str + :param hypothesis: The hypothesis sentence. + :type hypothesis: str + :param ignore_case: Whether case-sensitive or not. + :type ignore_case: bool + :param remove_space: Whether remove internal space characters + :type remove_space: bool + :return: Character error rate. + :rtype: float + :raises ValueError: If the reference length is zero. + """ + edit_distance, ref_len = char_errors(reference, hypothesis, ignore_case, + remove_space) + + if ref_len == 0: + raise ValueError("Length of reference should be greater than 0.") + + cer = float(edit_distance) / ref_len + return cer diff --git a/examples/transv1.8to2.x/utils/tests/test_error_rate.py b/examples/transv1.8to2.x/utils/tests/test_error_rate.py new file mode 100644 index 000000000..2235218d9 --- /dev/null +++ b/examples/transv1.8to2.x/utils/tests/test_error_rate.py @@ -0,0 +1,124 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Test error rate.""" +import unittest + +from utils import error_rate + + +class TestParse(unittest.TestCase): + def test_wer_1(self): + ref = 'i UM the PHONE IS i LEFT THE portable PHONE UPSTAIRS last night' + hyp = 'i GOT IT TO the FULLEST i LOVE TO portable FROM OF STORES last '\ + 'night' + word_error_rate = error_rate.wer(ref, hyp) + self.assertTrue(abs(word_error_rate - 0.769230769231) < 1e-6) + + def test_wer_2(self): + ref = 'as any in england i would say said gamewell proudly that is '\ + 'in his day' + hyp = 'as any in england i would say said came well proudly that is '\ + 'in his day' + word_error_rate = error_rate.wer(ref, hyp) + self.assertTrue(abs(word_error_rate - 0.1333333) < 1e-6) + + def test_wer_3(self): + ref = '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' + hyp = 'the lieutenant governor little bit how bags afterward '\ + 'governor was a pronounced warman hater and throughout the '\ + 'period of th troubles he manifests sympathy with the '\ + 'persecutors' + word_error_rate = error_rate.wer(ref, hyp) + self.assertTrue(abs(word_error_rate - 0.2692307692) < 1e-6) + + def test_wer_4(self): + ref = 'the wood flamed up splendidly under the large brewing copper '\ + 'and it sighed so deeply' + hyp = 'the wood flame do splendidly under the large brewing copper '\ + 'and its side so deeply' + word_error_rate = error_rate.wer(ref, hyp) + self.assertTrue(abs(word_error_rate - 0.2666666667) < 1e-6) + + def test_wer_5(self): + ref = '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' + hyp = 'all the morning they trudged up the mountain path and at noon '\ + 'unc in ojo sat on a fallen tree trunk and ate the last of '\ + 'the bread which the old munchkin had placed in his pocket' + word_error_rate = error_rate.wer(ref, hyp) + self.assertTrue(abs(word_error_rate - 0.027027027) < 1e-6) + + def test_wer_6(self): + ref = 'i UM the PHONE IS i LEFT THE portable PHONE UPSTAIRS last night' + word_error_rate = error_rate.wer(ref, ref) + self.assertEqual(word_error_rate, 0.0) + + def test_wer_7(self): + ref = ' ' + hyp = 'Hypothesis sentence' + with self.assertRaises(ValueError): + word_error_rate = error_rate.wer(ref, hyp) + + def test_cer_1(self): + ref = 'werewolf' + hyp = 'weae wolf' + char_error_rate = error_rate.cer(ref, hyp) + self.assertTrue(abs(char_error_rate - 0.25) < 1e-6) + + def test_cer_2(self): + ref = 'werewolf' + hyp = 'weae wolf' + char_error_rate = error_rate.cer(ref, hyp, remove_space=True) + self.assertTrue(abs(char_error_rate - 0.125) < 1e-6) + + def test_cer_3(self): + ref = 'were wolf' + hyp = 'were wolf' + char_error_rate = error_rate.cer(ref, hyp) + self.assertTrue(abs(char_error_rate - 0.0) < 1e-6) + + def test_cer_4(self): + ref = 'werewolf' + char_error_rate = error_rate.cer(ref, ref) + self.assertEqual(char_error_rate, 0.0) + + def test_cer_5(self): + ref = u'我是中国人' + hyp = u'我是 美洲人' + char_error_rate = error_rate.cer(ref, hyp) + self.assertTrue(abs(char_error_rate - 0.6) < 1e-6) + + def test_cer_6(self): + ref = u'我 是 中 国 人' + hyp = u'我 是 美 洲 人' + char_error_rate = error_rate.cer(ref, hyp, remove_space=True) + self.assertTrue(abs(char_error_rate - 0.4) < 1e-6) + + def test_cer_7(self): + ref = u'我是中国人' + char_error_rate = error_rate.cer(ref, ref) + self.assertFalse(char_error_rate, 0.0) + + def test_cer_8(self): + ref = '' + hyp = 'Hypothesis' + with self.assertRaises(ValueError): + char_error_rate = error_rate.cer(ref, hyp) + + +if __name__ == '__main__': + unittest.main() diff --git a/examples/transv1.8to2.x/utils/utility.py b/examples/transv1.8to2.x/utils/utility.py new file mode 100644 index 000000000..f9790843f --- /dev/null +++ b/examples/transv1.8to2.x/utils/utility.py @@ -0,0 +1,56 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains common utility functions.""" +import distutils.util + + +def print_arguments(args): + """Print argparse's arguments. + + Usage: + + .. code-block:: python + + parser = argparse.ArgumentParser() + parser.add_argument("name", default="Jonh", type=str, help="User name.") + args = parser.parse_args() + print_arguments(args) + + :param args: Input argparse.Namespace for printing. + :type args: argparse.Namespace + """ + print("----------- Configuration Arguments -----------") + for arg, value in sorted(vars(args).items()): + print("%s: %s" % (arg, value)) + print("------------------------------------------------") + + +def add_arguments(argname, type, default, help, argparser, **kwargs): + """Add argparse's argument. + + Usage: + + .. code-block:: python + + parser = argparse.ArgumentParser() + add_argument("name", str, "Jonh", "User name.", parser) + args = parser.parse_args() + """ + type = distutils.util.strtobool if type == bool else type + argparser.add_argument( + "--" + argname, + default=default, + type=type, + help=help + ' Default: %(default)s.', + **kwargs) diff --git a/examples/transv1.8to2.x/utils/utility.sh b/examples/transv1.8to2.x/utils/utility.sh new file mode 100644 index 000000000..baae04743 --- /dev/null +++ b/examples/transv1.8to2.x/utils/utility.sh @@ -0,0 +1,23 @@ +download() { + URL=$1 + MD5=$2 + TARGET=$3 + + if [ -e $TARGET ]; then + md5_result=`md5sum $TARGET | awk -F[' '] '{print $1}'` + if [ $MD5 == $md5_result ]; then + echo "$TARGET already exists, download skipped." + return 0 + fi + fi + + wget -c $URL -O "$TARGET" + if [ $? -ne 0 ]; then + return 1 + fi + + md5_result=`md5sum $TARGET | awk -F[' '] '{print $1}'` + if [ ! $MD5 == $md5_result ]; then + return 1 + fi +} From 576e94da044c5ee08c2ef417d1646c150f86d329 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 02:49:36 +0000 Subject: [PATCH 065/103] log interval 1 when benchmark --- deepspeech/exps/deepspeech2/model.py | 2 +- deepspeech/training/trainer.py | 1 + 2 files changed, 2 insertions(+), 1 deletion(-) diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index df35c52c6..128c4c822 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -100,7 +100,7 @@ class DeepSpeech2Trainer(Trainer): iteration_time = time.time() - start - msg += "train time: {:>.3f}s, ".format(iteration_time) + msg += "batch cost: {:>.3f}s, ".format(iteration_time) msg += "batch size: {}, ".format(self.config.collator.batch_size) msg += "accum: {}, ".format(train_conf.accum_grad) msg += ', '.join('{}: {:>.6f}'.format(k, v) diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 9549a4dd0..f5e5f12a9 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -106,6 +106,7 @@ class Trainer(): if self.args.benchmark_batch_size: with UpdateConfig(self.config): self.config.collator.batch_size = self.args.benchmark_batch_size + self.config.training.log_interval = 1 logger.info( f"Benchmark reset batch-size: {self.args.benchmark_batch_size}") From 6de20de3f899874b11b4af193cefed2809b9fd9e Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 02:50:55 +0000 Subject: [PATCH 066/103] rename reporter.scope to ObsScope --- deepspeech/training/extensions/evaluator.py | 4 ++-- deepspeech/training/reporter.py | 2 +- deepspeech/training/updaters/trainer.py | 4 ++-- 3 files changed, 5 insertions(+), 5 deletions(-) diff --git a/deepspeech/training/extensions/evaluator.py b/deepspeech/training/extensions/evaluator.py index d5b359829..5137dbdde 100644 --- a/deepspeech/training/extensions/evaluator.py +++ b/deepspeech/training/extensions/evaluator.py @@ -21,7 +21,7 @@ from paddle.nn import Layer from . import extension from ..reporter import DictSummary from ..reporter import report -from ..reporter import scope +from ..reporter import ObsScope from ..timer import Timer from deepspeech.utils.log import Log logger = Log(__name__).getlog() @@ -78,7 +78,7 @@ class StandardEvaluator(extension.Extension): summary = DictSummary() for batch in self.dataloader: observation = {} - with scope(observation): + with ObsScope(observation): # main evaluation computation here. with paddle.no_grad(): self.evaluate_sync(self.evaluate_core(batch)) diff --git a/deepspeech/training/reporter.py b/deepspeech/training/reporter.py index 66a81adef..7afc33f38 100644 --- a/deepspeech/training/reporter.py +++ b/deepspeech/training/reporter.py @@ -19,7 +19,7 @@ OBSERVATIONS = None @contextlib.contextmanager -def scope(observations): +def ObsScope(observations): # make `observation` the target to report to. # it is basically a dictionary that stores temporary observations global OBSERVATIONS diff --git a/deepspeech/training/updaters/trainer.py b/deepspeech/training/updaters/trainer.py index a52fb9eb3..077694659 100644 --- a/deepspeech/training/updaters/trainer.py +++ b/deepspeech/training/updaters/trainer.py @@ -24,7 +24,7 @@ import tqdm from deepspeech.training.extensions.extension import Extension from deepspeech.training.extensions.extension import PRIORITY_READER -from deepspeech.training.reporter import scope +from deepspeech.training.reporter import ObsScope from deepspeech.training.triggers import get_trigger from deepspeech.training.triggers.limit_trigger import LimitTrigger from deepspeech.training.updaters.updater import UpdaterBase @@ -144,7 +144,7 @@ class Trainer(): # you can use `report` freely in Updater.update() # updating parameters and state - with scope(self.observation): + with ObsScope(self.observation): update() p.update() From 0e91d26ae3808497072c36d71d424a4db40cf4f8 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 06:26:08 +0000 Subject: [PATCH 067/103] fix log; add report to trainer --- deepspeech/exps/deepspeech2/model.py | 22 ++++++++------- deepspeech/exps/u2/model.py | 42 ++++++++++++++++++---------- deepspeech/training/trainer.py | 35 +++++++++++++++++------ examples/aishell/s1/local/train.sh | 6 ++-- examples/tiny/s1/local/train.sh | 4 +-- 5 files changed, 70 insertions(+), 39 deletions(-) diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index 128c4c822..8272d72ee 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -36,6 +36,7 @@ from deepspeech.models.ds2_online import DeepSpeech2InferModelOnline from deepspeech.models.ds2_online import DeepSpeech2ModelOnline from deepspeech.training.gradclip import ClipGradByGlobalNormWithLog from deepspeech.training.trainer import Trainer +from deepspeech.training.reporter import report from deepspeech.utils import error_rate from deepspeech.utils import layer_tools from deepspeech.utils import mp_tools @@ -67,7 +68,9 @@ class DeepSpeech2Trainer(Trainer): super().__init__(config, args) def train_batch(self, batch_index, batch_data, msg): - train_conf = self.config.training + batch_size = self.config.collator.batch_size + accum_grad = self.config.training.accum_grad + start = time.time() # forward @@ -78,7 +81,7 @@ class DeepSpeech2Trainer(Trainer): } # loss backward - if (batch_index + 1) % train_conf.accum_grad != 0: + if (batch_index + 1) % accum_grad != 0: # Disable gradient synchronizations across DDP processes. # Within this context, gradients will be accumulated on module # variables, which will later be synchronized. @@ -93,20 +96,19 @@ class DeepSpeech2Trainer(Trainer): layer_tools.print_grads(self.model, print_func=None) # optimizer step - if (batch_index + 1) % train_conf.accum_grad == 0: + if (batch_index + 1) % accum_grad == 0: self.optimizer.step() self.optimizer.clear_grad() self.iteration += 1 iteration_time = time.time() - start - msg += "batch cost: {:>.3f}s, ".format(iteration_time) - msg += "batch size: {}, ".format(self.config.collator.batch_size) - msg += "accum: {}, ".format(train_conf.accum_grad) - msg += ', '.join('{}: {:>.6f}'.format(k, v) - for k, v in losses_np.items()) - logger.info(msg) - + for k, v in losses_np.items(): + report(k, v) + report("batch_size", batch_size) + report("accum", accum_grad) + report("step_cost", iteration_time) + if dist.get_rank() == 0 and self.visualizer: for k, v in losses_np.items(): # `step -1` since we update `step` after optimizer.step(). diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 89d443e03..68b001ca6 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -17,6 +17,7 @@ import os import sys import time from collections import defaultdict +from collections import OrderedDict from contextlib import nullcontext from pathlib import Path from typing import Optional @@ -36,6 +37,8 @@ from deepspeech.training.optimizer import OptimizerFactory from deepspeech.training.scheduler import LRSchedulerFactory from deepspeech.training.timer import Timer from deepspeech.training.trainer import Trainer +from deepspeech.training.reporter import report +from deepspeech.training.reporter import ObsScope from deepspeech.utils import ctc_utils from deepspeech.utils import error_rate from deepspeech.utils import layer_tools @@ -121,12 +124,11 @@ class U2Trainer(Trainer): iteration_time = time.time() - start if (batch_index + 1) % train_conf.log_interval == 0: - msg += "train time: {:>.3f}s, ".format(iteration_time) - msg += "batch size: {}, ".format(self.config.collator.batch_size) - msg += "accum: {}, ".format(train_conf.accum_grad) - msg += ', '.join('{}: {:>.6f}'.format(k, v) - for k, v in losses_np.items()) - logger.info(msg) + for k, v in losses_np.items(): + report(k, v) + report("batch_size", self.config.collator.batch_size) + report("accum", train_conf.accum_grad) + report("step_cost", iteration_time) if dist.get_rank() == 0 and self.visualizer: losses_np_v = losses_np.copy() @@ -199,15 +201,25 @@ class U2Trainer(Trainer): data_start_time = time.time() for batch_index, batch in enumerate(self.train_loader): dataload_time = time.time() - data_start_time - msg = "Train: Rank: {}, ".format(dist.get_rank()) - msg += "epoch: {}, ".format(self.epoch) - msg += "step: {}, ".format(self.iteration) - msg += "batch : {}/{}, ".format(batch_index + 1, - len(self.train_loader)) - msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) - msg += "data time: {:>.3f}s, ".format(dataload_time) - self.train_batch(batch_index, batch, msg) - self.after_train_batch() + msg = "Train:" + observation = OrderedDict() + with ObsScope(observation): + report("Rank", dist.get_rank()) + report("epoch", self.epoch) + report('step', self.iteration) + report('step/total', (batch_index + 1) / len(self.train_loader)) + report("lr", self.lr_scheduler()) + self.train_batch(batch_index, batch, msg) + self.after_train_batch() + report('reader_cost', dataload_time) + observation['batch_cost'] = observation['reader_cost']+observation['step_cost'] + observation['samples'] = observation['batch_size'] + observation['ips[sent./sec]'] = observation['batch_size'] / observation['batch_cost'] + for k, v in observation.items(): + msg += f" {k}: " + msg += f"{v:>.8f}" if isinstance(v, float) else f"{v}" + msg += "," + logger.info(msg) data_start_time = time.time() except Exception as e: logger.error(e) diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index f5e5f12a9..18578b429 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -14,12 +14,15 @@ import sys import time from pathlib import Path +from collections import OrderedDict import paddle from paddle import distributed as dist from tensorboardX import SummaryWriter from deepspeech.training.timer import Timer +from deepspeech.training.reporter import report +from deepspeech.training.reporter import ObsScope from deepspeech.utils import mp_tools from deepspeech.utils import profiler from deepspeech.utils.checkpoint import Checkpoint @@ -27,6 +30,7 @@ from deepspeech.utils.log import Log from deepspeech.utils.utility import seed_all from deepspeech.utils.utility import UpdateConfig + __all__ = ["Trainer"] logger = Log(__name__).getlog() @@ -98,6 +102,9 @@ class Trainer(): self.checkpoint_dir = None self.iteration = 0 self.epoch = 0 + self.rank = dist.get_rank() + + logger.info(f"Rank: {self.rank}/{dist.get_world_size()}") if args.seed: seed_all(args.seed) @@ -223,15 +230,25 @@ class Trainer(): data_start_time = time.time() for batch_index, batch in enumerate(self.train_loader): dataload_time = time.time() - data_start_time - msg = "Train: Rank: {}, ".format(dist.get_rank()) - msg += "epoch: {}, ".format(self.epoch) - msg += "step: {}, ".format(self.iteration) - msg += "batch : {}/{}, ".format(batch_index + 1, - len(self.train_loader)) - msg += "lr: {:>.8f}, ".format(self.lr_scheduler()) - msg += "data time: {:>.3f}s, ".format(dataload_time) - self.train_batch(batch_index, batch, msg) - self.after_train_batch() + msg = "Train:" + observation = OrderedDict() + with ObsScope(observation): + report("Rank", dist.get_rank()) + report("epoch", self.epoch) + report('step', self.iteration) + report('step/total', (batch_index + 1) / len(self.train_loader)) + report("lr", self.lr_scheduler()) + self.train_batch(batch_index, batch, msg) + self.after_train_batch() + report('reader_cost', dataload_time) + observation['batch_cost'] = observation['reader_cost']+observation['step_cost'] + observation['samples'] = observation['batch_size'] + observation['ips[sent./sec]'] = observation['batch_size'] / observation['batch_cost'] + for k, v in observation.items(): + msg += f" {k}: " + msg += f"{v:>.8f}" if isinstance(v, float) else f"{v}" + msg += "," + logger.info(msg) data_start_time = time.time() except Exception as e: logger.error(e) diff --git a/examples/aishell/s1/local/train.sh b/examples/aishell/s1/local/train.sh index 5b9c45f50..1a341de76 100755 --- a/examples/aishell/s1/local/train.sh +++ b/examples/aishell/s1/local/train.sh @@ -1,8 +1,8 @@ #!/bin/bash profiler_options= -benchmark_batch_size= -benchmark_max_step= +benchmark_batch_size=0 +benchmark_max_step=0 # seed may break model convergence seed=0 @@ -52,4 +52,4 @@ if [ $? -ne 0 ]; then exit 1 fi -exit 0 \ No newline at end of file +exit 0 diff --git a/examples/tiny/s1/local/train.sh b/examples/tiny/s1/local/train.sh index 56ceab41c..5097d4d03 100755 --- a/examples/tiny/s1/local/train.sh +++ b/examples/tiny/s1/local/train.sh @@ -1,8 +1,8 @@ #!/bin/bash profiler_options= -benchmark_batch_size= -benchmark_max_step= +benchmark_batch_size=0 +benchmark_max_step=0 # seed may break model convergence seed=0 From 054e099b282d697a4c16c5aaf98fafc47b9b938a Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 06:26:35 +0000 Subject: [PATCH 068/103] format --- deepspeech/exps/deepspeech2/model.py | 4 ++-- deepspeech/exps/u2/model.py | 16 ++++++++++------ deepspeech/training/extensions/evaluator.py | 2 +- deepspeech/training/trainer.py | 19 +++++++++++-------- 4 files changed, 24 insertions(+), 17 deletions(-) diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index 8272d72ee..7bf029300 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -35,8 +35,8 @@ from deepspeech.models.ds2 import DeepSpeech2Model from deepspeech.models.ds2_online import DeepSpeech2InferModelOnline from deepspeech.models.ds2_online import DeepSpeech2ModelOnline from deepspeech.training.gradclip import ClipGradByGlobalNormWithLog -from deepspeech.training.trainer import Trainer from deepspeech.training.reporter import report +from deepspeech.training.trainer import Trainer from deepspeech.utils import error_rate from deepspeech.utils import layer_tools from deepspeech.utils import mp_tools @@ -108,7 +108,7 @@ class DeepSpeech2Trainer(Trainer): report("batch_size", batch_size) report("accum", accum_grad) report("step_cost", iteration_time) - + if dist.get_rank() == 0 and self.visualizer: for k, v in losses_np.items(): # `step -1` since we update `step` after optimizer.step(). diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 68b001ca6..2e512ef1e 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -34,11 +34,11 @@ from deepspeech.io.sampler import SortagradBatchSampler from deepspeech.io.sampler import SortagradDistributedBatchSampler from deepspeech.models.u2 import U2Model from deepspeech.training.optimizer import OptimizerFactory +from deepspeech.training.reporter import ObsScope +from deepspeech.training.reporter import report from deepspeech.training.scheduler import LRSchedulerFactory from deepspeech.training.timer import Timer from deepspeech.training.trainer import Trainer -from deepspeech.training.reporter import report -from deepspeech.training.reporter import ObsScope from deepspeech.utils import ctc_utils from deepspeech.utils import error_rate from deepspeech.utils import layer_tools @@ -207,17 +207,21 @@ class U2Trainer(Trainer): report("Rank", dist.get_rank()) report("epoch", self.epoch) report('step', self.iteration) - report('step/total', (batch_index + 1) / len(self.train_loader)) + report('step/total', + (batch_index + 1) / len(self.train_loader)) report("lr", self.lr_scheduler()) self.train_batch(batch_index, batch, msg) self.after_train_batch() report('reader_cost', dataload_time) - observation['batch_cost'] = observation['reader_cost']+observation['step_cost'] + observation['batch_cost'] = observation[ + 'reader_cost'] + observation['step_cost'] observation['samples'] = observation['batch_size'] - observation['ips[sent./sec]'] = observation['batch_size'] / observation['batch_cost'] + observation['ips[sent./sec]'] = observation[ + 'batch_size'] / observation['batch_cost'] for k, v in observation.items(): msg += f" {k}: " - msg += f"{v:>.8f}" if isinstance(v, float) else f"{v}" + msg += f"{v:>.8f}" if isinstance(v, + float) else f"{v}" msg += "," logger.info(msg) data_start_time = time.time() diff --git a/deepspeech/training/extensions/evaluator.py b/deepspeech/training/extensions/evaluator.py index 5137dbdde..1026a4ec3 100644 --- a/deepspeech/training/extensions/evaluator.py +++ b/deepspeech/training/extensions/evaluator.py @@ -20,8 +20,8 @@ from paddle.nn import Layer from . import extension from ..reporter import DictSummary -from ..reporter import report from ..reporter import ObsScope +from ..reporter import report from ..timer import Timer from deepspeech.utils.log import Log logger = Log(__name__).getlog() diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 18578b429..a5efdd541 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -13,16 +13,16 @@ # limitations under the License. import sys import time -from pathlib import Path from collections import OrderedDict +from pathlib import Path import paddle from paddle import distributed as dist from tensorboardX import SummaryWriter -from deepspeech.training.timer import Timer -from deepspeech.training.reporter import report from deepspeech.training.reporter import ObsScope +from deepspeech.training.reporter import report +from deepspeech.training.timer import Timer from deepspeech.utils import mp_tools from deepspeech.utils import profiler from deepspeech.utils.checkpoint import Checkpoint @@ -30,7 +30,6 @@ from deepspeech.utils.log import Log from deepspeech.utils.utility import seed_all from deepspeech.utils.utility import UpdateConfig - __all__ = ["Trainer"] logger = Log(__name__).getlog() @@ -236,17 +235,21 @@ class Trainer(): report("Rank", dist.get_rank()) report("epoch", self.epoch) report('step', self.iteration) - report('step/total', (batch_index + 1) / len(self.train_loader)) + report('step/total', + (batch_index + 1) / len(self.train_loader)) report("lr", self.lr_scheduler()) self.train_batch(batch_index, batch, msg) self.after_train_batch() report('reader_cost', dataload_time) - observation['batch_cost'] = observation['reader_cost']+observation['step_cost'] + observation['batch_cost'] = observation[ + 'reader_cost'] + observation['step_cost'] observation['samples'] = observation['batch_size'] - observation['ips[sent./sec]'] = observation['batch_size'] / observation['batch_cost'] + observation['ips[sent./sec]'] = observation[ + 'batch_size'] / observation['batch_cost'] for k, v in observation.items(): msg += f" {k}: " - msg += f"{v:>.8f}" if isinstance(v, float) else f"{v}" + msg += f"{v:>.8f}" if isinstance(v, + float) else f"{v}" msg += "," logger.info(msg) data_start_time = time.time() From 9fb349f9355b63a41c04471f928e1bc27c46bb8e Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 06:31:21 +0000 Subject: [PATCH 069/103] fix benchmark cli --- deepspeech/training/cli.py | 68 ++++++++++++++++++++++++++++---------- 1 file changed, 50 insertions(+), 18 deletions(-) diff --git a/deepspeech/training/cli.py b/deepspeech/training/cli.py index d8719b3ab..07c213dbc 100644 --- a/deepspeech/training/cli.py +++ b/deepspeech/training/cli.py @@ -43,25 +43,57 @@ def default_argument_parser(): """ parser = argparse.ArgumentParser() - # yapf: disable - train_group = parser.add_argument_group(title='Train Options', description=None) - train_group.add_argument("--seed", type=int, default=None, - help="seed to use for paddle, np and random. None or 0 for random, else set seed.") - train_group.add_argument("--device", type=str, default='gpu', choices=["cpu", "gpu"], + train_group = parser.add_argument_group( + title='Train Options', description=None) + train_group.add_argument( + "--seed", + type=int, + default=None, + help="seed to use for paddle, np and random. None or 0 for random, else set seed." + ) + train_group.add_argument( + "--device", + type=str, + default='gpu', + choices=["cpu", "gpu"], help="device cpu and gpu are supported.") - train_group.add_argument("--nprocs", type=int, default=1, help="number of parallel processes. 0 for cpu.") - train_group.add_argument("--config", metavar="CONFIG_FILE", help="config file.") - train_group.add_argument("--output", metavar="CKPT_DIR", help="path to save checkpoint.") - train_group.add_argument("--checkpoint_path", type=str, help="path to load checkpoint") - train_group.add_argument("--opts", type=str, default=[], nargs='+', - help="overwrite --config file, passing in LIST[KEY VALUE] pairs") - train_group.add_argument("--dump-config", metavar="FILE", help="dump config to `this` file.") + train_group.add_argument( + "--nprocs", + type=int, + default=1, + help="number of parallel processes. 0 for cpu.") + train_group.add_argument( + "--config", metavar="CONFIG_FILE", help="config file.") + train_group.add_argument( + "--output", metavar="CKPT_DIR", help="path to save checkpoint.") + train_group.add_argument( + "--checkpoint_path", type=str, help="path to load checkpoint") + train_group.add_argument( + "--opts", + type=str, + default=[], + nargs='+', + help="overwrite --config file, passing in LIST[KEY VALUE] pairs") + train_group.add_argument( + "--dump-config", metavar="FILE", help="dump config to `this` file.") - bech_group = parser.add_argument_group(title='Benchmark Options', description=None) - bech_group.add_argument('--profiler-options', type=str, default=None, - help='The option of profiler, which should be in format \"key1=value1;key2=value2;key3=value3\".') - bech_group.add_argument('--benchmark-batch-size', type=int, default=None, help='batch size for benchmark.') - bech_group.add_argument('--benchmark-max-step', type=int, default=None, help='max iteration for benchmark.') - # yapd: enable + profile_group = parser.add_argument_group( + title='Benchmark Options', description=None) + profile_group.add_argument( + '--profiler-options', + type=str, + default=None, + help='The option of profiler, which should be in format \"key1=value1;key2=value2;key3=value3\".' + ) + profile_group.add_argument( + '--benchmark-batch-size', + type=int, + default=None, + help='batch size for benchmark.') + profile_group.add_argument( + '--benchmark-max-step', + type=int, + default=None, + help='max iteration for benchmark.') return parser From b381f5b447f53fb6915f1d30328bde8d29c5f27a Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 06:35:56 +0000 Subject: [PATCH 070/103] fix profiler optitons config --- examples/aishell/s1/local/train.sh | 2 +- examples/tiny/s0/local/train.sh | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/examples/aishell/s1/local/train.sh b/examples/aishell/s1/local/train.sh index 1a341de76..5097d4d03 100755 --- a/examples/aishell/s1/local/train.sh +++ b/examples/aishell/s1/local/train.sh @@ -38,7 +38,7 @@ python3 -u ${BIN_DIR}/train.py \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ ---profiler-options "${profiler-options}" \ +--profiler-options "${profiler_options}" \ --benchmark-batch-size ${benchmark_batch_size} \ --benchmark-max-step ${benchmark_max_step} diff --git a/examples/tiny/s0/local/train.sh b/examples/tiny/s0/local/train.sh index f96508b4f..9a76c7ade 100755 --- a/examples/tiny/s0/local/train.sh +++ b/examples/tiny/s0/local/train.sh @@ -38,7 +38,7 @@ python3 -u ${BIN_DIR}/train.py \ --config ${config_path} \ --output exp/${ckpt_name} \ --model_type ${model_type} \ ---profiler_options "${profiler_options}" \ +--profiler-options "${profiler_options}" \ --seed ${seed} if [ ${seed} != 0 ]; then From 9a95ceb0b4f605dc7c825c67c62ed1dcc3918f25 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 07:25:49 +0000 Subject: [PATCH 071/103] add Acknowledgements --- docs/src/reference.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/docs/src/reference.md b/docs/src/reference.md index 341e13611..d3676fff2 100644 --- a/docs/src/reference.md +++ b/docs/src/reference.md @@ -1,5 +1,7 @@ # Reference +We refer these repos to build `model` and `engine`: + * [delta](https://github.com/Delta-ML/delta.git) * [espnet](https://github.com/espnet/espnet.git) * [kaldi](https://github.com/kaldi-asr/kaldi.git) From 16e60160f8b733000603eba0eb090887c1fc1782 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 02:36:00 -0500 Subject: [PATCH 072/103] Kaldi (#839) * can do frames, real stft * format * stft complex, powspec, magspec * add common utils * add window process func * using frames and matmul as stft * read with 2d; window process * test with dither, remove dc offset, preermphs * add doc string * more frontend utils * add logspec * fix typing * add delpoy mergify label --- deepspeech/io/dataset.py | 12 +- third_party/__init__.py | 0 third_party/paddle_audio/__init__.py | 0 third_party/paddle_audio/frontend.py | 146 ----- third_party/paddle_audio/frontend/common.py | 201 +++++++ third_party/paddle_audio/frontend/english.wav | Bin 0 -> 35824 bytes third_party/paddle_audio/frontend/kaldi.py | 266 +++++++++ .../paddle_audio/frontend/kaldi_test.py | 533 ++++++++++++++++++ 8 files changed, 1006 insertions(+), 152 deletions(-) create mode 100644 third_party/__init__.py create mode 100644 third_party/paddle_audio/__init__.py delete mode 100644 third_party/paddle_audio/frontend.py create mode 100644 third_party/paddle_audio/frontend/common.py create mode 100644 third_party/paddle_audio/frontend/english.wav create mode 100644 third_party/paddle_audio/frontend/kaldi.py create mode 100644 third_party/paddle_audio/frontend/kaldi_test.py diff --git a/deepspeech/io/dataset.py b/deepspeech/io/dataset.py index d1fe04707..e58e03b4e 100644 --- a/deepspeech/io/dataset.py +++ b/deepspeech/io/dataset.py @@ -76,19 +76,19 @@ class ManifestDataset(Dataset): Args: manifest_path (str): manifest josn file path - max_input_len ([type], optional): maximum output seq length, + max_input_len ([type], optional): maximum output seq length, in seconds for raw wav, in frame numbers for feature data. Defaults to float('inf'). - min_input_len (float, optional): minimum input seq length, + min_input_len (float, optional): minimum input seq length, in seconds for raw wav, in frame numbers for feature data. Defaults to 0.0. - max_output_len (float, optional): maximum input seq length, + max_output_len (float, optional): maximum input seq length, in modeling units. Defaults to 500.0. - min_output_len (float, optional): minimum input seq length, + min_output_len (float, optional): minimum input seq length, in modeling units. Defaults to 0.0. - max_output_input_ratio (float, optional): maximum output seq length/output seq length ratio. + max_output_input_ratio (float, optional): maximum output seq length/output seq length ratio. Defaults to 10.0. min_output_input_ratio (float, optional): minimum output seq length/output seq length ratio. Defaults to 0.05. - + """ super().__init__() diff --git a/third_party/__init__.py b/third_party/__init__.py new file mode 100644 index 000000000..e69de29bb diff --git a/third_party/paddle_audio/__init__.py b/third_party/paddle_audio/__init__.py new file mode 100644 index 000000000..e69de29bb diff --git a/third_party/paddle_audio/frontend.py b/third_party/paddle_audio/frontend.py deleted file mode 100644 index 1b337732e..000000000 --- a/third_party/paddle_audio/frontend.py +++ /dev/null @@ -1,146 +0,0 @@ -from typing import Tuple -import numpy as np -import paddle -from paddle import Tensor -from paddle import nn -from paddle.nn import functional as F - - -def frame(x: Tensor, - num_samples: Tensor, - win_length: int, - hop_length: int, - clip: bool = True) -> Tuple[Tensor, Tensor]: - """Extract frames from audio. - - Parameters - ---------- - x : Tensor - Shape (N, T), batched waveform. - num_samples : Tensor - Shape (N, ), number of samples of each waveform. - win_length : int - Window length. - hop_length : int - Number of samples shifted between ajancent frames. - clip : bool, optional - Whether to clip audio that does not fit into the last frame, by - default True - - Returns - ------- - frames : Tensor - Shape (N, T', win_length). - num_frames : Tensor - Shape (N, ) number of valid frames - """ - assert hop_length <= win_length - num_frames = (num_samples - win_length) // hop_length - padding = (0, 0) - if not clip: - num_frames += 1 - # NOTE: pad hop_length - 1 to the right to ensure that there is at most - # one frame dangling to the righe edge - padding = (0, hop_length - 1) - - weight = paddle.eye(win_length).unsqueeze(1) - - frames = F.conv1d(x.unsqueeze(1), - weight, - padding=padding, - stride=(hop_length, )) - return frames, num_frames - - -class STFT(nn.Layer): - """A module for computing stft transformation in a differentiable way. - - Parameters - ------------ - n_fft : int - Number of samples in a frame. - - hop_length : int - Number of samples shifted between adjacent frames. - - win_length : int - Length of the window. - - clip: bool - Whether to clip audio is necesaary. - """ - def __init__(self, - n_fft: int, - hop_length: int, - win_length: int, - window_type: str = None, - clip: bool = True): - super().__init__() - - self.hop_length = hop_length - self.n_bin = 1 + n_fft // 2 - self.n_fft = n_fft - self.clip = clip - - # calculate window - if window_type is None: - window = np.ones(win_length) - elif window_type == "hann": - window = np.hanning(win_length) - elif window_type == "hamming": - window = np.hamming(win_length) - else: - raise ValueError("Not supported yet!") - - if win_length < n_fft: - window = F.pad(window, (0, n_fft - win_length)) - elif win_length > n_fft: - window = window[:n_fft] - - # (n_bins, n_fft) complex - kernel_size = min(n_fft, win_length) - weight = np.fft.fft(np.eye(n_fft))[:self.n_bin, :kernel_size] - w_real = weight.real - w_imag = weight.imag - - # (2 * n_bins, kernel_size) - w = np.concatenate([w_real, w_imag], axis=0) - w = w * window - - # (2 * n_bins, 1, kernel_size) # (C_out, C_in, kernel_size) - w = np.expand_dims(w, 1) - weight = paddle.cast(paddle.to_tensor(w), paddle.get_default_dtype()) - self.register_buffer("weight", weight) - - def forward(self, x: Tensor, num_samples: Tensor) -> Tuple[Tensor, Tensor]: - """Compute the stft transform. - Parameters - ------------ - x : Tensor [shape=(B, T)] - The input waveform. - num_samples : Tensor - Number of samples of each waveform. - Returns - ------------ - D : Tensor - Shape(N, T', n_bins, 2) Spectrogram. - - num_frames: Tensor - Shape (N,) number of samples of each spectrogram - """ - num_frames = (num_samples - self.win_length) // self.hop_length - padding = (0, 0) - if not self.clip: - num_frames += 1 - padding = (0, self.hop_length - 1) - - batch_size, _, _ = paddle.shape(x) - x = x.unsqueeze(-1) - D = F.conv1d(self.weight, - x, - stride=(self.hop_length, ), - padding=padding, - data_format="NLC") - D = paddle.reshape(D, [batch_size, -1, self.n_bin, 2]) - return D, num_frames - diff --git a/third_party/paddle_audio/frontend/common.py b/third_party/paddle_audio/frontend/common.py new file mode 100644 index 000000000..7638dae53 --- /dev/null +++ b/third_party/paddle_audio/frontend/common.py @@ -0,0 +1,201 @@ +import paddle +import numpy as np +from typing import Tuple, Optional, Union + + +# https://github.com/kaldi-asr/kaldi/blob/cbed4ff688/src/feat/feature-window.cc#L109 +def povey_window(frame_len:int) -> np.ndarray: + win = np.empty(frame_len) + a = 2 * np.pi / (frame_len -1) + for i in range(frame_len): + win[i] = (0.5 - 0.5 * np.cos(a * i) )**0.85 + return win + +def hann_window(frame_len:int) -> np.ndarray: + win = np.empty(frame_len) + a = 2 * np.pi / (frame_len -1) + for i in range(frame_len): + win[i] = 0.5 - 0.5 * np.cos(a * i) + return win + +def sine_window(frame_len:int) -> np.ndarray: + win = np.empty(frame_len) + a = 2 * np.pi / (frame_len -1) + for i in range(frame_len): + win[i] = np.sin(0.5 * a * i) + return win + +def hamm_window(frame_len:int) -> np.ndarray: + win = np.empty(frame_len) + a = 2 * np.pi / (frame_len -1) + for i in range(frame_len): + win[i] = 0.54 - 0.46 * np.cos(a * i) + return win + +def get_window(wintype:Optional[str], winlen:int) -> np.ndarray: + """get window function + + Args: + wintype (Optional[str]): window type. + winlen (int): window length in samples. + + Raises: + ValueError: not support window. + + Returns: + np.ndarray: window coeffs. + """ + # calculate window + if not wintype or wintype == 'rectangular': + window = np.ones(winlen) + elif wintype == "hann": + window = hann_window(winlen) + elif wintype == "hamm": + window = hamm_window(winlen) + elif wintype == "povey": + window = povey_window(winlen) + else: + msg = f"{wintype} Not supported yet!" + raise ValueError(msg) + return window + + +def dft_matrix(n_fft:int, winlen:int=None, n_bin:int=None) -> Tuple[np.ndarray, np.ndarray, int]: + # https://en.wikipedia.org/wiki/Discrete_Fourier_transform + # (n_bins, n_fft) complex + if n_bin is None: + n_bin = 1 + n_fft // 2 + if winlen is None: + winlen = n_bin + # https://github.com/numpy/numpy/blob/v1.20.0/numpy/fft/_pocketfft.py#L49 + kernel_size = min(n_fft, winlen) + + n = np.arange(0, n_fft, 1.) + wsin = np.empty((n_bin, kernel_size)) #[Cout, kernel_size] + wcos = np.empty((n_bin, kernel_size)) #[Cout, kernel_size] + for k in range(n_bin): # Only half of the bins contain useful info + wsin[k,:] = -np.sin(2*np.pi*k*n/n_fft)[:kernel_size] + wcos[k,:] = np.cos(2*np.pi*k*n/n_fft)[:kernel_size] + w_real = wcos + w_imag = wsin + return w_real, w_imag, kernel_size + + +def dft_matrix_fast(n_fft:int, winlen:int=None, n_bin:int=None) -> Tuple[np.ndarray, np.ndarray, int]: + # (n_bins, n_fft) complex + if n_bin is None: + n_bin = 1 + n_fft // 2 + if winlen is None: + winlen = n_bin + # https://github.com/numpy/numpy/blob/v1.20.0/numpy/fft/_pocketfft.py#L49 + kernel_size = min(n_fft, winlen) + + # https://en.wikipedia.org/wiki/DFT_matrix + # https://ccrma.stanford.edu/~jos/st/Matrix_Formulation_DFT.html + weight = np.fft.fft(np.eye(n_fft))[:self.n_bin, :kernel_size] + w_real = weight.real + w_imag = weight.imag + return w_real, w_imag, kernel_size + + +def bin2hz(bin:Union[List[int], np.ndarray], N:int, sr:int)->List[float]: + """FFT bins to Hz. + + http://practicalcryptography.com/miscellaneous/machine-learning/intuitive-guide-discrete-fourier-transform/ + + Args: + bins (List[int] or np.ndarray): bin index. + N (int): the number of samples, or FFT points. + sr (int): sampling rate. + + Returns: + List[float]: Hz's. + """ + hz = bin * float(sr) / N + + +def hz2mel(hz): + """Convert a value in Hertz to Mels + + :param hz: a value in Hz. This can also be a numpy array, conversion proceeds element-wise. + :returns: a value in Mels. If an array was passed in, an identical sized array is returned. + """ + return 1127 * np.log(1+hz/700.0) + + +def mel2hz(mel): + """Convert a value in Mels to Hertz + + :param mel: a value in Mels. This can also be a numpy array, conversion proceeds element-wise. + :returns: a value in Hertz. If an array was passed in, an identical sized array is returned. + """ + return 700 * (np.exp(mel/1127.0)-1) + + + +def rms_to_db(rms: float): + """Root Mean Square to dB. + + Args: + rms ([float]): root mean square + + Returns: + float: dB + """ + return 20.0 * math.log10(max(1e-16, rms)) + + +def rms_to_dbfs(rms: float): + """Root Mean Square to dBFS. + https://fireattack.wordpress.com/2017/02/06/replaygain-loudness-normalization-and-applications/ + Audio is mix of sine wave, so 1 amp sine wave's Full scale is 0.7071, equal to -3.0103dB. + + dB = dBFS + 3.0103 + dBFS = db - 3.0103 + e.g. 0 dB = -3.0103 dBFS + + Args: + rms ([float]): root mean square + + Returns: + float: dBFS + """ + return rms_to_db(rms) - 3.0103 + + +def max_dbfs(sample_data: np.ndarray): + """Peak dBFS based on the maximum energy sample. + + Args: + sample_data ([np.ndarray]): float array, [-1, 1]. + + Returns: + float: dBFS + """ + # Peak dBFS based on the maximum energy sample. Will prevent overdrive if used for normalization. + return rms_to_dbfs(max(abs(np.min(sample_data)), abs(np.max(sample_data)))) + + +def mean_dbfs(sample_data): + """Peak dBFS based on the RMS energy. + + Args: + sample_data ([np.ndarray]): float array, [-1, 1]. + + Returns: + float: dBFS + """ + return rms_to_dbfs( + math.sqrt(np.mean(np.square(sample_data, dtype=np.float64)))) + + +def gain_db_to_ratio(gain_db: float): + """dB to ratio + + Args: + gain_db (float): gain in dB + + Returns: + float: scale in amp + """ + return math.pow(10.0, gain_db / 20.0) \ No newline at end of file diff --git a/third_party/paddle_audio/frontend/english.wav b/third_party/paddle_audio/frontend/english.wav new file mode 100644 index 0000000000000000000000000000000000000000..bb28291f69123209e6b7cc46b584d0a1f2c7bb16 GIT binary patch literal 35824 zcmW(-19%-<7d__;F5;$cYTIsV+qP}n#;aa!o2kuL+cwiSxVd*`4*u2u%hxtZlY3|O z*;sq+wWo2d>eau_A*4m6=GD6Q8=5Jc5JK@Wu{=H*M+hU~q-&?4oi5>L{(fI6ljx)@ zanxK@n;cUq$Q@E!`BhD_L@mL0SE}OVt4d8ukk{(B(nv6gz(>4FQenhH!tlHCN+(|8 z!XK`La*+^X;Dg~iLHLPC(w9^u|ESsOf!akDkYDNoergywNH&vURQ@hC#(vHNC8hF*kq%hvICE2Ams!?Q= zDyvG8HTcO2B!fy&8ObZzQ%Us=SN%xcQ4>f7QjR=VSJY8*OO;S7NqsUFcie>JBfVHj zZ7aE?dMQFW&~TDjja8rV8ih!IvRjQIQ%P~so=hYC$T@Y1d?sI1N7$q+`Hx&z$JBdu zO)XKu1JzHKP!r_AjI;tT_Nz#xH>YBWxmXeyPJFc#)>OsTEH93|Rr*&ycBfHj; zOrtJxLvs^aM0wSltitszz-gS9E!bx*MjaAA!?9|nMk8f%X*}n z+9}GbIb;pFsUFKysy`h>o0I8k5~)Snk{39Ik?IXRr67Jcqk4&ZyrqiL!D@rdODd?R zsw(-0Ynn}Z(m!e|{IWE;Kr54+RKjXUXa_o*bz&uyBXX!^sMy&H z*|@(p#6x>iliH*PeM_HeK{P+kcmq4h4$)8=LfQ}mSN}lPRpm(*_}M*~9p`;it%fJp zAaN?3%zzgy!#Q^)!|8t{kyNMm$!W5JoTpbwb$LP_kr8T*tfj`tukxMhjBD?ys*}8G zy-Y)P;Ws1Hag|j?lj$UjDy*KtkE)W~q^G(=O4FXC529#4sZA%7mujE-iOBh*zN?w4 z0KB*uu~ZSdQ)O0R_>FtjLJnw6&XT(%GfhV=Qis%`iSX@_qyRkV9`5Rjs)W4ol{6>Wkpaq+ zz3|Risv5o*N4CTA8X160a1F6@h2$Vli4WhsjjtWmj^sjCsEd=@qi*3Gmf*@K!{4*O z+g7NBD!-blE+K-_AoE;Q0Yo^(DYsC$V3%?@$7#6NLZl|?NZe!_@=Qxo2Dzj>?xQ6# z(pf}%E!go5IgjjAg>--q6ed4a5h8Jy8P!s?84*|x|1MQ2;i32CeYrrbLMD0)TlXMC z$t(3qWkw#FLu!+5Bs20=ZZZ=mm>1FVPQ4{3Nq5Bf3)xByB>&*Vi>c=7iJFOg`9lqZ z9}FQ2NhUHHmOibvA;UvgJ#19OG!a`l1x-(kj-8qVkhADX23?{)IH*& zb>L4oWH~aI-X=lHtNN0$G=xr4C**CFmM*4l>Vt1ABs=JCnuhKrzez1RpKhcKr`3qG zhKKzj-|*QywM8D5YmqrMvOxWd_cGw+$;o>}{a{22p~J~DrN1hqTB<6zhbHQ(3WZ<(hSwxRmD;OPk!++D8H9XTT$Lgh$yMC*LAe25a#d|n zHPm^zPUcb{RAn+r6_k6#MVWzgMkHmFRbhw0G#9JP#<31;Dx1yrvszjweVg7uOGEeL zYQt$SdYGKSwa&$TtVLG2i7JAM09*OVYP=$Yx85a1=yLdJHh95K)T5SUGCb~pDvCQ! zf&6e4`D(55!D`b~Fg|+Vw4b34)KZbC3HenkbxPI2dDkMbY7_2tF+9vb+=Rp9%c*xV zQAVlZi1S^zqMV4rp=ukV_l(Mb6Bw>;$z;-y$<|?$QKzAkN4C$Acl?PCSFw|n^4bks(y&*vWUSJ>Vdo| zlc{F-sICUUGBfb|v9L%bc#?&PTddl^GkPG7ub`SQ#rrImd*yGL2e0DBPrjDD(9i=a-%iZJn*4-rFUN_b5X{>eV&ER;j&2Ub^K@5=5?6|~b+)!o}Q z$}DAuo8z>7G>_WE2icbb7XyW@L)LG5k28j!7G8K>B|41V(x@@pXlm5gdueyrK=?v- z)E*9hY$qy+I6hH?%YWo^`CP50f^A^)5nKD%ac!}7pLu9g)QwfDq56f`T_*?2`S{sL zoa`A~Z4{}8>|UFsBe!wis}XTWP$5R+gk37VidKVFN5pw2#GZ{RxEyhn7Bw>^^2K!GCAML*NP}PUYv9?InA9j{DbI$-LX_fl zIOjXWcTq@|L1k~H7O98owTgueYmgh{HOWby%FQCRILP1d3Zjj8#Q!)Iof*zZ?iU;6 z0MX64Vh`qNRXrNd?rJsNM?#h+yB*Obq_g{=@ki^gRnzv9hhnE~`7b7(j_2_$d^E7x z&M!8qU9^^VU(amxGp3l8-PJrt+*izD`dhk5T^C#V8K<;U)VX6|IV-kx>QH zhm7jO^qKkqy}n*v|EW#Xk`O-y=^M3Lt`^xugg7g!)2}R=r2^LMEsLP4D{=yn^G799 zZRKOJSIn17fMN^K^E8HjMh9>MQJ|6a$R|EESEj{zmf}l!3sF_Bk?B=UctvG(S+zj+ znTIZ9J3OVlEGD}0=T1{6r8C+tY@f1oJFT66L1E_%?U6 z9?f#I7j&NNX%F@{_HB*t_^0yk)N%gA&sG7IT)SvIFzdSNy3)8xxC?m81by(Xa%VQC z)3maYQ^We{AL4)MzZ@uLb+8;u*%x>YwS$({7n*I{_uUsQQ^jlKF8wu8)<5h5)= z1*<)=z9ZVM@_{NVYpbU-D(ggFrDrt18He?(EWPrJZsHSH&RDygUC#N+SIDudDfvi_ zQ^~q%Q?zI;2a6>w@pCqB#=kproz2d7XAok4xa^JY<1Hyk$5Ic?L_8{5?i6ouUS;g` z*1CWdSYk!mv+NR1L9tGqV@c+*unwt@r>~i2MEE#Yc5MhPM;a@ab1tb-;*|J^xSzk$ z{Cf1Kg3s+pvdkFn>E&JKt?TXRF}yW{E(h)L_H=dE7N}Rwg1~kkNj#izJdyc-1v=Oh z9ZhJe9X0i>rsi4Zec(;>G;rrNm*_tBk(89N&KkR={msg3)d`dj^tT2%UF9}XpJmev zxfXbbggC*=JwuHmbiIlZMZ{F6p0y>g)9(tr3GA{?Ii+PKnp-br&T^%2?K0BqhiQ8< zL=BZS#Xcvgsd2d;Qq+w08j@k;AiDp!%MFL;Lv+&%`b!%MUm|yvK2QJ$W zogHF>N}!h6AiR9q2ALM6TO1MYT0zT@V{*Q@WvxwI6aO%-TwJC<|NhGIXJld}`#h;- z+TQ*l2SXZ%912SBW!@a#Ri3J@oZ41-(2n*uN~{*YI4)QGw#1@=Ce9(TTs5X`wNb`8 zS3i%>yDBI$XrHHwi)(@uk#SC6d!7|(tqw#7dIl<4%j``2n#fD0vIF`K^Q3FPySz8n z+aRc;dy~F^6co3e4VFLf%U|4|F|apK+WzEp6~Jojs=m|=fuH6vJLq-UWtB(9a^bXa z=GmXE`&MH+uhWiS5N%X|G-k=QfvAAGnl4`R*1Vxp(Kf9?0hbkG4|2NkouZ_wL0_1I z!n>p$oas}#LdgcZYLE_MxwFrH?f;W-GQMN{r1(Hw>p#uoUL;a`1es)J4;~gaIs9u_ z!;n_qy6#}tNb|Bjm7W!u?A-pAi525Z#X8Tk1yeCWA`Vs%+|rB!aF3(lx%R=%%IIK z)7Yg|Wf_QD+_CJWk%^b%_rxuZ%bUdF)kMFEQJ{H}OZ} z3f~%k%RoA-vt7^$6_e#^(nPCda`!NAHt%wGeq%JfDbCxqtoMOlR$hCX9dG;WfldiN zNJOfiWCeSs71G;kXX#v(PgHTwoUL)Db$ zgVM7$d?Bo{A*n>-vG@k@v*UlnABvAoDCJucXe+j}vhE5Yx5G~*b0R*69`|lCUuuk% zBT{5{S_H29J|@KDH_|2CNR08XaKI*L5w0bkltGPy?t1Tf{sCUeYR=YMgReNonf=5+ zC@IDl>-(HEEpXj#D!!;fELdM*gt+#(yLf*D9S;r;KIj=|v?e{A82>NdKHs*a6aI~X zZPsEtH_s=BlOL?S(ZsdZ{llHX9WbIa56L8`bKB}+Ewa+u%j^WZmh-?l%2UhNY7I@J zebe@7OW9-+EDt*2_DpN4b-{XMEwDaWbL|ZLmN-E=nSVkXrp}+CP5R;~3kAPp%XvNP zus>(gfW+wu6%x89v`NU8upyzFZ+KuV&q%YHB&c~*86IUhOv<8aG^pBpyJ<>ZqsAEtq?UeM9tfx$n#cU&vANY&9U;Lqdxl(@n7CaFiD zx%J(i!57Nf^sUy%tmp3HsqG=|SR+XLrD_Uc_pwd|)&@QYCR!!!2ljp^miLr}$!8j= z)zhA`DRj14Chj@|QOOoq^Q_%g1v{fNkFQomjg}!_Q;bZPCtbr7n}g45TSP6pGIIBS ze#5`dH!*Q&LQH(k1Uqq~Kh8cRzp_5A*q~iusUw2IMet{LSK~eFKzow{s+)LX=L~G~ z#Uw-|Tu4~$%Nz)Gvd9{=qn^=~!IQ=t>q&G!b^S5ZnGKBM`T|yutQDW^c>&_@o^&SZ ztADap!bu^}Ez$nkX``_Fz2~*}ruUX-iF>NqN-s&Di(R(k|Cuy6DW5-eppNy)ZpCZJ zbR>+W(a#yeEasYL<~15={pnJ5SCru|?Kf6q#K11AD{|yv9w8e5bG$-7zloeg|2cw@$mdoXSQot zSlX18(^OA&H9W*UO1-oC`|tV}TZJ6kId2yVFyFlRa`B%N^7tz|S=0`e%xvk&8oVuJ zamc%%AMX1`ZfzP326y)X?86RG$zG6jJK=2n+Jp>A-K^al%pfhQ_0`)OSDJ5gdbg_ zHwUz(q(&PGIe29hFn6@Lr= z^FTpoFyH62u6JGfCS&KzFI#+jG_q>~fn}oCoj`DVPE!S7FO>`1HMu*Zk z^^K>uR{4r09E~rK_%*4t-CKY;q_OOP)=JN3C}Xt=)anXy9WbNJRK`H9BpogHwa98ow$?a&)PUjK#fL|*N zF8d!coKyyXFqZ5j=g2ZrhzwKvB+ zbY}BkqBLo!M|yjQ=Sndk6h@O*CvRlk`bi0z(+Nx|naOR5M;LY08g|sIqI{0K;9T-rVvblLzJhyLhQ9k4_|^XSmQuqWZ-oS#Rn<~^ ze;}3h&Hllcin6?dbKz)z6uE+%8Wk&lUF@*GjXE(OD1CbLpn;(teVQB8#1r6zn^Z_{Ucy@Y*gej>`^U zpf`hWt4@>HX}!AH%yrLo$(7p`W$x79vM(e6Mvd@BP95i(bBR9^A?iPs7wkC&gOd+k zd2Q;WJ-~yMWJBqAvKWlacyJJJWDB)jJqN2Z9?aiGxm+%mM`eP{2F8M^gR-)GBo=_J zdM=uygV(@k9mV&Ki8?|<_m)Cr25a-3f8|-lLoryrXIb3Ap*xe6NNz=356)udBZc`= zJIFc0`+?Q3A)@R)Ny`&<#NSQ$C+VA&Ph=!pSd8A#9PE-V$2Hb<+`Mn3HLmHObxUuh zuV$B25q>W)G3k)6Yf{cY7rPhuom#Rsu3!UZJHzP+t(LLH?CM(ND(V_wRyS^IX<1kD zL9Q1M`3!!L7ZESSBycTTWG!T~Qs7;el7?)R#`HN_W#rcR%7e+qI`IBWkQrWrpGzyZ zi5QVb-U17^Qtbz;T~mdlCJdEPh@zv2iYTyGZ@_vzkWJ(|K|~DR=MT>>%EKbp`FWmR zRFTJttv~cm3il-c6PYIbm#4f|NKSHUI2-vOISO-@3(jGGe8RoB$oT1rnFCLqbZS36 zp_MVJm_N*H=n9{kE6mPjO|zX@$6RO})(#Sfx3``p1$;Y`+6UU%jKAj&KftGRm*_25 zkSMJOs{R$%6IWZ;TyvyRK)=A6)8r&XRh7F%VR4@S3wwOw14RnVcc!W=V8#2B5oh!>@0mqilU%!9n_T5wk>)*Z8TrgN zSeyKv{3FpZ4R@q-#NqY;dnLMHL*66Hv@^y>GoR~`S<8$uG8qH)<=Q69$gX1&`c@th zllU&Dt@F%z!}Ea4uSoV{2K0e^CXuuwy+k8fKK6<>qKnB3FufGhlpC1CypWDef$3E$ zWQB+F9K7j?l+vZ{$UgF?7!5ABpLh%|Y@3`WzaevW;*q>OKf+6jx#FJ422Y)?_R!a%ni1T3FN-`A*L&nHm8qNSAN;QC1F_Hm$;3IvjP#kjvR>DTSGdZz0iF6 zHDkQl+*RHE)BVRC?OqHk^atkOZEvx{?TSt=PWUUkomD$f0ciJ@Gec&g`LvOGoF1%R zy@m@V}n^WrR`wwj71U$uSi%%SHZPDktx+2TseQYa<=A@Q^@J5A1uNmf~3 zr+9aK(ZrAbS6t^sS zB=7KcP8p{+? zKT-9cfwLVVeu`?C;{1j^LPSXcSrT3{6WO7oD1vHpnS7x0wHUKTkP~_$YS7$xTC&#Q^$%l0xI{e_qn&)#D}SEAL2DFv-6}Yl@gh!qm&M5@^n(5LHt>c?Mh@ek z9;Nrx4uBJnr?uHZR*&0*sqWuw1?DB~@~utU5*T8)1{?ar z=C&6dYeV?t9V)d!W{|t0J2R{hte?^f=nM7c`V`H>KB@kqtJBZ^$8P3C@}hjX^U=Oz zk98*Uf5inEPTFGL-dlU3z1D7Pf3#wHC%vEER1aw7wDar`JH|NeK&FDd?#mDHsiFd| zznz%MH6Fz|pM#9nm~N-TX-OJI>(ghnF6+-q16>rOwJ^`#fz!_*ZE;of7Ei!_6CTW) z^Gm!eaMyD1+g|a2U*o3e56_s4dBQAkzc1BbvWa~(GX|Fp%M{wt(^s#?3ThjS+^+g& zU9G2T&okQ-16%y@{%lqbyQ7`czHHsF>exM;*LLBAqqBw&pZE(%0X@}UYZI|=Sv3Yix19KZ6CNw%t$*OAg^)I?%9M`Mp zx3tb$er=&PORr~K)!VaZW%C&RPJBf!>@5C;ZJXK^oaTJ2m?itFY@`!e1kSb{O~a0` z5||r&X2I+MW`%jdivOLpjsy;`4+Oo*iFfkye8`Wfc_yBc>pYCN<4^b$QBr=BE!9MI zNTsApbltlw^mXVGRp&NIMQy2~h*Z zDrc}AY0n3HumG9(IG>Iz7=V&yHfct~*a22p%b;Cm$-xTf^aW~e4Jb_J%4Nb2L&yyhfxoLSnu zg?kAx-stD_XuY;((P89|+$t=7gYSi>?sPucUBDeavgbOjcs}t^n;3t`xO-Imu&_LXQ)}n}-CxsY*ocSLg!|UTUPJ!p_gI9{;6ZlL%j$h_O z#WMMbDDAc@t2fqN-<+zaHQ%`Ncwc%Bx>g!OJH!^!wW_8}iHUl8vEQj|UkI!Q<6gvC zWiNLQIRjx~iJCG98TbU<#`gFA>J02njrcBji)1faLUzLE9BKqMm6({Il`P{bkViFWMT>r=U1HPj&gLK4Ib}8#fpJiY#U~;U!X4-kJ(5D=$`gLxmAvQRNXK`Y=#Ny zZy>B*=+VFNJR&c+|M9#SGV5_3DN=~F;;5>qoicm4F6+zKTNYvVbZ>HZcAYlT8>{sg ztpeK&_GK}qv7OZ-@zNP%7qH*jJDrsLvg37Pz?!;|hyD`_fCdLb2a}eTN9TBfz1NoO zhxIndhdZ_LT3gI&m^Oz!gH|aGX@UNrw=5+8h;<^n*vOl}W456a9D&TAPL9Tudx82x z3TV^x)cPm3mOavv8I6sadIGD8DfBLS30jq4=mRdw_HvU*xq7eu7o zjTvZPsK@F-SJp=L#=k9~UYP^ELQeHa?m)jX3W%bu%n0S(Y)p`sh|A&#=8IINr}wp& z#w+07V762v=2o+^nZp>T*VNBwYguhNn+W2jqewKSDAV{mCkx*XJbas%;YZ4H_9*agS-lrz&}8d>*Z;D9i%d#hg~K+0DZ29Mb_f8Y>1wp zBAF~N8{v1y$(-ai>t|d7|96GdmqLrnjq1MSRIOAFJ0n{4n(YXc7JaPnjkH6N~0aagR_}X##3^;tB+z&f1Ku0!Q zPQrA3nrtAm!aJhCT(p!8(Wk7H{mDyK$XID~(o*5-efoB@5vH1HbdMgY7uRmn8RR&r zOT($H3d>KtCLe|PEC4oWD6DZ9QGbXR2ENRSeA);)p$TA3Mv$d+6uZOru!(E|Iw-G} zN6VrGX%|^zc99l_T4^lKHaXc31;vDSqQZ$jFP+}5#o1UdJp#L-2 zEtXG<1U@gvPS76U3gYzo~tC36!#=m-w-dOWp&tU zKD^{N?6C>GS#Nm2LVUJJHj~+98g$F`fYH8*g813>vb0Jf?X(NVdZQ(|2b2TKcd7fQ64^-7CM?w(BzgQ z7Kvn^SY~*`G&YKDVZT`@vc@@9g#8OG))J`4pmBv}HW&DW0`f9650``+I*g3)TR#x; zzli#dWU97VZ^vw?Ny;$8=xCJH9zvJ%hAf~-P&{ozmwrz5f#xSjJ`}^yfsF-riiKxv z1InDJazVKhz*lKukJa#%kJ5`wGa25H3_6Q$a*sTQiF;YOMNCATH-|-MLwmYZ#>qZp zJ_|DTn6->y+IE&xuZ*rUx4B-Q0Usa4rqX=S%p|B2s8YYg9)1yZIuWzks!%MUqjvs) zY0d}5#Sm!b!k|%nMUvwLqu58*LTir9F$Zd{Vyqr(#!7&b{06<=CN&86SW4N5_3ko< z{0fHYHBM(Hddqvz2ZcaA`I6)WcXgjVry1y0+Fq-tpVq?JE;58%B?<71X+Ty#;6?Xj zPnjEcy#?pG1$}xb^qT+T^KkgzSEWH?+YvtV41CU4baUn8ckvclj48P9dWh2B=+A;= zEPOL76fR?AUqsnz=swHRky?yV+x5o?Xzy5*-rOt&hU&C_hRvcEf%c9->7%LE@{(Yp zGT(tI?MvqhKac)quSnwe_#u%8s8W&CP-nVm0Xl^;c*c7~{5tdv&*(^+gLG zjh0a{P}n?{4EOXKy1vQ4Efdivlz}?yq&g2~ijdu86MmZZg?uZ@iiPMCf`MyCLC;b_mPO?XLoanpzEnZdH%O==3s>#)!LGBnchTQs~ffLE}3E$~_&-Y#Y?YwdyQ1cl}TcBf!m-hHkAG z>!MZ0l*fa7(T1G|W_4&QG6gEULx_$ussS`d$H2TrL1*H?I^9$b==wb1h5E}CvY~pV zZbJuINiG&Wz;HGN^LG?>_?tf)qWV0NpTT@YAtN6~AJ?lXh3T zV{~-2Hpl8e*i3Dgp3zvUm(#-OP*nhI*&k66ezslI6O~|@a;P!;#00q){aYLI1a)P; zV$d!&K@LoYp6dkEPv4+H-$}N>&)bpeq$Jd5?V!g@BAIA5>c{^yfwrtTG`9V~Rvks< zJ%+k?0O$Q#{zCpsM895#9A^J&gTN-IhL*`@!?gKq7;@TaXqvO2cKX0yHAQ}mM7L1@ zn%gh(w3>@Kz+kch`pA^3HZ)3qnb1D+0+@w`LX!oNZ?mGFOh?sSiL9{$aaRPq;X5!s zhw$Df|IZO+#P=FN4fupCWkqyp)Nu7SH|jrGCC$*c=zaAQE202@rh>s=R% zP-Xj~7kmxX&=EC=%pw`cY9O8g$T#OmZs=hLLdDq#s=CzB2YrCPIRV<|m6%}cBhT^w z?V$;8K!3nSZ&0UqBR`(U&q`pVeBk7ogQ?02D-S?+zRcdSyU+l(rybY=ZJsucT_;_D zJ5s>UVt}(=;LaAwPcjuWvz_4;jqo1hp~S4Mge-!ecny`?ZRy}@2LkIAM|}3g9h3x1 zxEq!I8R8@(w5BES)BmAv4@3m-K=j;2%{&B4FHwo)9~PuvGeo_es%1-20(@8}bk6}1FZP3JuK-_Z1RkskrW1cP+e=gh;KJ4Q#vA>rKkJx-WR}XwUq=h z84bn!DzM;raIzUtb%T%_i=i&Xz+28p4|Waqp>h>cu^_`MG z(XD=#TY(Jvp@s}lGiY_Ky8b{L&U(pgBpdb z8-i#l3{AF9=aRMRKlofz%n#n9IzN^}P+6t{6Q9I6DmfSaIR;fD2Jv@A76Ou*hYYq8 z9nJ}ngbIEaYPg(GWv9T5<1@*}UTSU4(XK|Wjm8jtCy;j~t(hiS932eB;4@(D>0%yu zjV`DbMddy)t)s*fu@n4SZ7BL@gYB&jwl*ECpAD*eFr3I3MWN=+iw-LoQ?mE;6J1a1 zpeug_tNC&Lcc88R3DxE~)WF_|&lu$WcgWlS$=1kMJLv;V6|b{z^grO&2lQWBknV!c z`w}v3Ms)_t@GsCY&xTsx#+JZ#Xg;q%iCYWr$*?Dq8Cvk!sIRqAjoYCLQ!tNj(CthF z!p*NL!n=xrO^iZTCx{>muXYU8x;}7ADd5`kvH&vwOLdqm$LVx3j+x0^?~S>7H_eai zQUo}>AZq~S{A*x|rudz~zyrPTK6y~#uM6`3N|qTIKA1d4?MMdJ_AT~A;=p@e#O}me zG7!58ZSk)cD&ZsaC;dhb(q`DMI6#)dS`$bQWZVa+rw(Fy3A|<}t~ySpL9|n-k9xAt zEFJ3!X0S4CNm~QEo=3+10Hl@yXD|#?q_W5{8uoPV0M}dsdR_vb`2r2-aYXcE;P@G^ z!zRp@&ZEoOEUzP~BG4tK!?sBsRUcaPDzNZ3eE$@F_9z(Pq!h91Lal zTX^huPfZ9`o*Qf=}Jp;~JhKltH8x);MZ$xJ{OyhPVBjiC<&k6;5b>!=__$m{6r(@{* zM*&m+!W3pKG{argdgSwKxQ-Fv+dHBvt;R%ZJS;L0{9D+JqL1TIymB^_{06;T`0;%w3ZRTaW}4ui`1Hu8^#%mb1g9c?P$ znR-BpGszBgRy&ZP7eUoO4qG~7;Z0M>e0*mYcDY(%_JK_t%q9n7vuY+7>_|+Ymf$Wa z5YJKgPcSO#QXq{ZuviCd3DrQpJ%!V$ij3YGHrR#jlX=)r=z}QS0^d4^EsjZ0ZJ)(w zTaj%#pq4hpYt(@?t02aTLC@V9pH~H%I*IwyX;P0KqC06HS^?Lx0J(AyEkiSb%Pj(S zYAG}dln#QI{jg#kLZDx;NHFf%PvG@G{Wgz#CsgazwPib9PfAnle+%!m7%Cs>kwz7a6VJu zM@MkK+u-#RkfRpix5uK&H-Ufrz3OT>#R~BIhOpyg+}nL*^aUg(T}F4%?yyV+)R8gx z(~PEqZ9K3|cf?dUoes;?1CL(|SS*~}Mc&?`{_ZRdzz&HI6H*EvDThk;_kCL9YMbJ- zR=^h>@l&VJIWm$KaaDxmCwUM%6=C6)Kw%59ZMg=vSptt3Lb?FKH$$AYgExh4EI9NA?DEb$n5@(B2%VW_SLaVKwJuMM!;EL__@SYSD9HC6qC ze7X|Wm4*Mg1rr=fQlTl<4@KA5$pl?h{dAd>yC#NU|?lT}ckT)6VTnDTGE&H;a(3+)8OZ{7y>FO2@%!B1p> z@9bAiNGN?o8?(D?wpLBwpu6;xT0HLP0xHN~KA|e?atfT)EHGTzWnEyf1HgtYz(3{! zZb*fEYO5feW-;Uqj(GVFzevE25k=J0MpoE`GfluAUMzW!^Nm4IxdOSP26&JY@c+E( z2VQ*>I_twgF%h`ZdB_jDaj!X1_Xkm(RYZ;SVsl^*Z2`|+j7;N4wb_hQt%D37hFz9) z@P_Hw`pJQs&=!$c89S3f<_lHae<<@QbpDseOpbcjqB zeTT35z>eS07f(he%8I%3YvA*P;DxSAzbuEm_z+uAEfC#4G60==K9(OdimP-stw9rz zo&WA;v_f9bh>ya+K2_mk-4L&j(1mBid6j{6Y9n7~f)5>r725pYKH;cgLFg(AAiGXN z<#>*H8^_ALVR5s%K*fu6)Kec*obz*dc5_tdCcAHV}8(GJ=keU-7@_@%$s zwxO48K#Hj1@)cBS23U*dvgqIaR`n8=8iw=Eh|K3h&A(16fQPC<-y=s{M0Wp)`;5gb zX9n2q%BV6I;5V`4B~ac@MA~I+yZzNcTtn~O1f0nnFqfCXBh~_^+#YB94s6UE}? zPlw!e7;)DCwKE9)>MwXs7^={i|96@cu~-y&uP9K!b;MUW{KN(L@d9X*j^NaSpgm}V z+%+AZ(h`53s{`aTEw0Vemm3$2YQ}KAqLv8U6{Mbv-@FB;Y$50{Zpk5FL_Q$5YyxgL zh|?H{T%!Zwh9ZYgL|%zO#{C!gdkuK7R$$RQs3^lodUOl-=tJCNYsz7rmWaz(*zgNp z>lfJhE*y z)RhXbbXIuNG-SYJsDY#K9>>tbj3d#A|DEug5On8HV9{WBUprXzHc&+bI2;{W;Wv8q zOSq%az<;6Y6_DCac=TTM-5-zz^8p>s#ubjoJKo0TcYUDsQ`%>JoiWBpX;jj4X^&_N zvQ-Wi(fp3{!g zF*}AjRs?LE9jrS+MhU_;eL?)2$IH@!&}Z;m-c<$uEYb z3LvwOQdtQ{_jw9Bi(oUOdCUklu4{GK60%OF7rPxF^z~hxhJ1!Nji()q2E#cKSh^7= zTjkLU4h53<%QJQZL-7&ObqSa@oQwoZ+X;+XJ}_$4&>zN-!89FP0JsG&3`-r#>VA$KRP&S)BK&ESqezloQ4i+~8 zzkg3QLAGuHe0>E764N$d?wZJo5_{yw;LSTxujirWSHza0gTDU_7``_^_F0hG76U0g z17dg%J>)dxABC!a1s`|8q$}`3*g-)b60hcg6$oX;w2pdbFKG77aOaq;5Z*+@6u+nO99Y27TGQ$(vp#CM2 zKeV9MK@T_f>tT9s?13!BCSn07TPEA-?b-HP=ObSwvyg6>@Q=~B_Fb!}<-uv_?K0pQPPrf5hA3@yzz@#fBc#)rK z1zoQ#GTg52u3D~RW?kc&c9GUrX~ZAGtPCwxWk93f(Vqsu=+CYo>4?4d( z@XZKd@B%EoHj!9=##HJn#~jv=Gu7XHVMvXiXi zuuEz2NOmT_XdA7H{;ysN8|Sf@&$myWkAqMIIsioIEE6+wvfOr#PUi>X_BcV~AQ_axVSqnv(}{*aaUTWek* zM_@!?k(JkZ&QHo-K$69^tJ+!2T7y|A4aT-=dEn*xK;B{Cu!_-vv_E}?8Vd#u8q`jr z7MMa?yq5|yi$Scub_Kegq1tWsk{-wGY^975xuJW`3~sI{u4IGigKWQt-oiX~AMFez znFU@M4rZByPyG-5SY71Qf$BZbYF6wj=SDQ%z@%S5HChNr;0BnV1(?W8#^kq{+Jy}D z9dql)A`EQkWtkQ|!YpKf^@ybrh^V|kM_&*>Pw~#Nz!*vJq8H#U&Y@;k2bQ~tUG;G+ zmA)CeHtJsLdSQ+>7HKKibG1dxat>RU1KR>wtRD7PXM{+hhLUUaI4h$Kz*cT!wi%ss zHz30lU^QA`k~|XVrY-vRgRoX%Iax%D>S7!2`Lleeu9NTd2b-ro*7j&wwH~ZLIJ7Bh z6PVWN;1hdcf?gh1RSwtv7;3kMq!FstVN9H|>mRj&+EvW1B%Xe71=`7%&U>c}6t2_3 zyG>Ag$qhP(T||Y8V2u!G`+;TJgV{QZbH5KgK!4zXkGSWnsHFoiRoH;&E{RHY8C*eG z^o@*kRVSdJTZ9eCC@{+n<#9Ea&eX!q*6u=H?(OVN;dyT+Y1L>pnaNocxRjJVXH1n(OGqcV^U}`eWaPtz zkef*fwnMwDmxn5Hi9TG*$!_5JCYxk}*bEih9Z?MNUH}zy+5fxc)X1fKup3P=#~a4( zv2kLHO~tT)m-fGTJ|13R}MnGTc=&p8yaPd9pJ;ev7Gd;*5f1k1_vkB4Yn8v z%=J`u#=d$JOmSMsI%GMUp*JmOH@9tOsi}8g&5}NtPEq z`EP6ow}eWps|saaW4wDzP|uLlA>)Fpc}u${YhP6v{wz=DeZNESJlcmIMeg-P+G9ooJa7nPoDJ@Jtq3K!) zR-LxSQ=Z-dH}Apu&O_B`huks_m~A8wNIlHtv&lio42{)S)g7qnHJ-DQ8qYBrFP~s@ zx;QorW~19&i!5;s2yZ`XLuY8Tm>AAOxzDKrwf#F0s#cTf?4n-Q8xYTD*zvz(D% zyH28Ejgqzq)Cm+0@W4R34sS2>;aM#m*cnW2&q24+ne_mgy~Q#?AJ|VT3ysq;JjZC7 ze1_ezRydkr$XbC3Y_=!+yWOpp^jTT@0jm3w1vNsI~$AgyZR1<$+zg|G)2j zkJt$YOVJD&>@BkB2Vk0Gu!AOwi37+r;qbt1z_EkT=M0sHpeC(`-QYre1<#AEgBZD2 z6{A_SHO3tG$)G^U&Cs?XKfUW+$@H~km~h)o{55?lakH@cbAbGD4`DgL%s{D6VgaFVIJB#%!|(xT&)0 z4y+@@E>yqt(Av8&SzQSq>;~)~h52a%I!!xmp7Ev%{Sa0xY;!R4NWCKcB!=4y{Zo7% z-+SK-|8lF7(+3+cU!hFBjb}~mlM~^;uk|3;J$EkeDQ{cvO7|6G0L!5I@YA+w$6J~0 zC3bme;AV0^4;9a#=Kaohi9~su*esQC*}UlTxoW$@&B=NUCRZiluZ1xgtc|;Qik{`N zOaUF+cm5Byt8$CHatgN5YOo^OQsku=c8`7n(wPAaR0}A4F}R@r!1@+YD=;|H4-tPs;e}e{L;=B6t{&b-FkOp}ZU}DA~hm8)sanJqg|xL5scn z-Rq1pEQh+tyF1~~A0Kw!II+$ZXB?g!5wLICx9wrhEAGb=N;2tP%onbP?l{*&v$1g! z^|?5-;$wk_IA#Fr;pn z^Bc_PA9#9Nq`Q5AVDbhjrv@0_*H1G|Jxpbh-R zZ>p2GvUQL?}g=bA@sdH*S@pOuNq@bEAemQ6C@78wXM8M+KL=&Zk21CXzPdnmj7np zh_%&D=6ti;+Ec7xYk(E%Xfg|p)JH%``P(zwo8P<9UEDmZ&7f}LLX=j<>#v6*bh=Z) zu5En@Bn0YPm2jHH<#kd_a~pq*!X`I{7>D#YptLm5s%+7umPW6lg|MQesI0~h+aIl? zR&#r%^B8;Ro7D+C5pFH;!YF*~0VCI+ErS-nH#>}J8lLzk^NH@zNXI%wuun4-dq?xo z*I$8lr!5p3q2L>$ai>*q-^ryH_He**ycIgC^ii1`8RQHpqFph225k<#88#<$L{LHZ zbiEKYu0VO3h9`r%cC!_2d96OyYI_8*M?qRiyRGjwJmv$VJ~mAA>RYt*KuSe` zni^>bproR7KVo2|lfhYGudqvFV?P~sZfBD6m_(gMRZW9gY!jN94M101i0uJ3uSx2v z@8SY4&C~EU$T)?dt1J(d!cr(CtH1&&F;9PqP0iY12Im4_6_?@AkrKp30`!I#kgtoA zC-k6R!1GVYvalv$TY_JCwwlGY8`vq^YURXE_k@7g%57^-E<71xj#b=xZuN5h72A}b zPSrgx!Fk9SrI%@XpBj4(*z%KGsUJ+W0 z1lbJJB?2YWMP#STsJj#RRbCDCvMhS`w3xMQ25Q)Zn)sEjG_x%B*OfGzGG(oYsHV zU1u)(<=UP}zN``5B1ZTRc*kp%l|y0;SFzWbz0HecAkE+pYs~6&<~XAYqgN5_yl!WJ z?ebDtsP*;C@D%WLVjND&O{Hp7^ykFA%!gyr4%7gh+!Q;;YH5toeR@F8gPP-=Gn1-j z0og%L^hRCqDR@sNe2!k+8#2T)!V*x5z4lf#Y|&_1@}k$?Z~bWx0>z1PL&X1d)H+kF zY*u9FwQrBy$U#w)qH;v_i;VYo@m!GKyKAk9di!9d)CQ@o zgKDU4C@FMA_wc?&tv=Q>tG442EU|<#NSp8d#~0~8?Thg}@F?1N`M$8-Y0K_(-fUr3 zHtU#Qp+N{3Nko$vvo?JBch)Xvi_lN9;VTSdXUOcCuWbWM+l|I`rhH2JO^OBWj~7lk zN6w$MWa#^T>Uw&su`pON`g0UWOCHT=vvX| zqgq7H_I;&AO9Py;=F(8P;I7mz!EB)>p>3fOM1{||E|o@G5yQ?i!QCeoQr0pGn|yiw zIs6H}2HrB-YPpIy3)E`}YT{O?T0Ai8`>>9V7(=B{5nBlTDItJ6>j zjMYqayc(xwz<73*QbCz0pJSbO5=^Hs%9gT5Q$4rdSTASPVl_2#4zqf*v5Tg_-a0M~ zg-Lz^tU9x}oSZVj1>?0pp-9+d{$h?Wmzf{UA1yzbvUL8h*!uZ zy*QX>VY{8Hi-(n#9=|WiSKXh-Kiuc_-cx77;A%j%xRAA+jKKvZGit4Va5f5Sg+0YQXK=bHEG>4^+b{IS!Az;^ z0&h}#hb|i}>;~>NVUM^(Dj^q_pQ6xwicWJT%GJ8kLAo24+@8)=YnHjy_{#7brHrSB zZMvwy-;xJBrJCAmU14^9LC&_B-2bZGkD9up^htT(%@p-bOu5*_F-M}yMGf=U_e__I z3$^U=#@^6nJT*pz3WVka>j$R?!wA*g&`AA)ansV={$eTRv*vi8`CQ*sUt8ZGZ<6*- z$qkSEHr*wYT7Q8(&uV1)jUxKK&~KqZp+7@g^cH4qJFojd7!G4{yHZeXgf8<}wYMs( zJMqtYpsn|O=UIs_iXzEEPL#sa^=_dj!9JlZ`dOo^b--Tgl!D2WNxUakr;eXbUUghP z0rN9K8bbwk#A#|5w|d~=@EKj!2lEX1^7J%LRAc*p46^@V_ zan)@uyV|&js?pP8md3czBcqo18!-wm-SO5a{YbDwumXNtk3+peYA7aDKGZ0*Ce)GZ zxoXj~kh-evQQyq;XYt4Tx_NVZepde>@9n`VO^?gy1IE6sHPpBtdKp|Byc%p7YOAB( zvvZ<1{a%_Vmr&{}6_ql|R3)giRePz!)SK!YG~h)&ca?Hd83FHGYEdh+DRe$`Kp$tw zXc;qtD6MlwyK99@;%TyqpgdC9gVN-MG!1!Y0^Vww@JO0&-ZisZ<5>y4c)hpAS~bxC zmc})!D(m48nRJBR*$&y`sTDd<&y^HAD1Ck9qesNXqzlE=j_w$7%#%YIE&OU{F^A%! z(MKO-Ofs73%Yw~PF9co%wx?zfl`}kcZo!rgtNFa!dh(UfGVq z^oH=tNwIDk2SeF|qf>pszM&{%l6l>VaBR9I8NoQZinXbcyC}O=)syV`;3?#JrEXIt zd|MvKy~W4wGE~(Yt@36k{I$NA z(qYTX7-xKIwnkSy1#aj_ zGW}xiQ{je`Nx7)J2ebY|&MB=D;u(X6)SKyM{2#rER4@+w%t?Pd)p&x<>cZxJa2bX zsc!znm*$<(z&M19Q!XQqSo7#7* zHOvBj>5YO92mVtV-6!5W0OWP7U&t7EK{3qImIClLqTS%P2ctq$^k9~}`B9ks+~ zYGc#_YBX5sW4V(w5!CFa`AE+YTA#Wha4Rq~cvfF;ma{gRZwmoJ<>pch+V|{u*g2@zmys(>HM5xqs6vXN4o$U+g9W`6ijggL zhb24;Cjdq3jW@*ao(>G;+ZTDc)S zm|EaWbcD=fx0#blyED(_7M=|?sORE@n<(6()S+s6btWUJsf*Po>MPYz66Euu4>$9C zP7-^6Z~HzG|CTuo7tNREHtUFe(CH1jyn)`|A$a6V@Eson;{%UH`cA9q3qOFZ@s+zR zP4#ewbyX1;)<1B3>0%W_tyqstvN&qyRd#-|$wHD(tL*FMTjeRQRz)xTJ1%asy?=Xd zsDtHJ;sQE!9jQ!jv%=<}CEa1H)Gvolh1Tjh&4tz|6naq8KrDR}E zTt$ankNL4i`BgFGLg=(ie51$G&lTK*RJoJv!(@9W$o4Amq{@@s90w0N>C6&j*fod9 z5bxm`^sBN`>81RG;&!|Am9!ey-yG;&SI!RS3aFl9?nE6t*g%1dcQkirJ8tpt^;SO3ohRnhS3?65buaL6G7$6p!xZU&wgePE*ASqkO(tEK_ z#ljfK53j!j+@SA3K|YF8=z^VB(a+1^)z2Qso7IjfKF%ce0ZJZgZIx*DzGR^`A z&_7m&8F4wS3Yd!j`(04pzTzojK|Z({Q^g^$xL@IJ(Va@F8NI;Q?0U=S!&Ju0=i2k+8s?&@u9gD{=46=6tpqSQ1K^pDe@b zO!X?->zV7@t=4uO_$=?yEX;@P7Vao^KrMVPI{WLFAjrF&u)}jc*m0wYXno;aEyHo(DcE!zx{5^5whr{nCZ_QT za==&KNY}e9m~-Y2dKs0^wqZz+w;Tm+6)ux2bcvJ@qW|cna+Vv zmINoMDPw*o>J!z`ScmY%{$%V&a_aU_uF~?M~C( z>(8vr1U^!O=&Hj6i(~bEbPl+?#a4=@-Bv}Vs8o)qY)aFVMD>b#MF~nFVGKF*aq7Kf zkPk(OcVekvcj6uKyZr(@>kbhk3;wS@;!icYDFW;C1vTv=6s$kPhbv6C!&J;H}m$g(-f3B0~*bHaJ9m`y^`>W zJg~GUz|tuV^CrwB4Z`K9&Hrmg?fnKm;Bb0j-RaZygFV}t_2VPYJqj~jCyKWjoUG89oI~DzC8`M+rsEhB|SwVht(5rk!hp03wuQPK~g9khcu3IT)_C;pN zsWe`SDR!2o(zE#lo?@Vkc_e7mjv=_S1Jc-4VdiZ{`Yju{A5QUr7q>tZuhs^++pU0Z(Os}vcyub4F zDys5(MtGi&(HtaGhdZD)kLZ=}WA)tPX@)f)<>)R}6lRF&2=pl^VYS}%>6`Yj5f@Az{`difb(>)wPp(u6Z0PLMmCgr8T5E_ij+0^1px z2JDRu=;n9lJ$v(OAS~fk^yCim+5_YG7PBS}wnYbKN_ILo_uw3VViz&sh@Ay}nhyKw z7gkaN>v0&PGZfD8aCnjZc&`pzVL5mL1zrB|NPalKNl>m*Xx6!`L{FznVu(kDp0#@oQMkec6ZdF)x=>88m}s9mn%7!M>4^ zlPwguL?6>KhLw!N6rRW-=0_?VoC}QgMCQ<3#^ebR%i?7+M+6vTQOp-V)$uj{?I0t3 zmY)v0?C+u1vz2GMf+w~Vw(UID;8eQqBZ)n|S?P7)A%(}~OU5A!qZ7l3c!(D%@J>ST zw?44$65X3ZVJTjA<-BM=(#Z|LS!*!QOY^iZil2xDBgAZQZoBhry0YIDgN3{c1@M=Q z#vLa&YhNHjc67=U$(GPz8O7C?CAR#{dI_jo3@bo9xTmX|@TwES^G`S=W|qCmcp}Vx`3bzC4%|~nh)d&U-4YjbPl@nEZ@@%f zM^-TfUQH|1iC!XQI%a8S*3v$@4z*Eyt;0CEE5PyROKHzhZp$!a92c zS1q>~!MQTM;N^{j{riC3^EqSt6^zhT@N9kXK%2wYYR25k$DULZX4pkg&f@d{w!q}N z%Z!-Ld^*f%U8n0BK3!lLzy9RDSHg^T7QBsfQuz6{%W8Bd@$Ion{?{%U^e0Ia?R zthv$bbKks|kU8|m$wh3xD8xyp<-1B((77?n1i8C3 zNqolrB*U8AAZ{dveg=QMNkm%)>!%jo|9ND|lD!xuaVpHL)$AkL*;{@CqsRcGaEMTt zoU4q~L+TFCIzSdM03O?0VILg+DX2LQfa`8zPk#yP>nJPsBOI^v?4keRk2C{TXCY?H zV&Mp<+T37Qe#lOphnTeqM#B-*7yqz+f8vQJ(Gv}`&_^%=@yz8fxX(QB`#KO|CZl#Z z#=iaq^E4BuS?y=WbcJ=%jMy`sD?G+Ln#}jvs4QRcx!2gcPLMZkBHNqnj3&BHg1NJt zUH7z83=YF8aRKbMD_U*O9x|CrGS0V()CFnZD5aVU?%|1kzW{k~sL1f2kkH+yN{gMt;SSGkwLHQzGhIFDyMp)Ll1UoAu zqq>J!c#YbxJK0G+GMQuW6c!MnS`zs$GRB)=XegXe(h^2;A-*o*dY>~!9bj?vbTq1m zt-N-jU%1V4`e;Yfb!$MDJez$i3+s5K_)%V?rFz3&>chPGwUzQ1F&~Wa%xD;{qC;*X zK65iW9jtWb*T!@GGM&?X#$0nL$lf_;3rd9*WHfb!5D{~_uv07xM)()}(~at3rLXM3 z^^)P+{ta8iK^@Q;4oMLw!G34;Mrode%g$7*F_8@x!OpR@1u$6Jgtb}W36F8&)y6c47 zVzd&_Y+s?s^^ubz621M^ic)}nj_dePe!nCKj&pyt&grLvvBCDi=AkKi&}eVXwiBFg zHU@$M z|AGJ6N&CL@62G6pVi4BkZ!lPX=IaTnt4H#B**$Suer1ff(3xPxgZ3Xchr#HX zkE7on>lj$oY#bZA!xufo=`$VW74j50x7X7zFa2wc47?2zO-v-Rm?YpXx@wF-$xtRZy3B0}%zHJ<<0fByW;DTbK_U zZkn@_T&}z@-dT;0Y+P#FK=#zr!M|W^+_4IiRhI^7N)!i5+2ll&x|@`Wpl=_v@i0y! zw5xJ0QF0ekTl!FzU&n1Eqy64oYb?~8>L2xH=0|I|gOdhoKrc0OPBN=~@+bLArIJz` zH>h;VI^1m%#o@4FKar*85oh3*)51P!nnqQ)b5+r2f1kGZ7a{wKbIUPL-bqtIq5q^q zvypr%5nkW#?tSoro_rW{VG9vpA9 zv=y?}667j7gfFQsno0TOn)uw6)J|!U_%&=&7s~;mpK}O2qqN--eh3Ua`@UJuD8@Mp zmGMCD;&ee-Yf*vR;Oj7)zqZJVQdQ}OGhBKU>P@8-_>W)1s&wtC?j-Sulq7C)XIVec zZWqo!iTHj)vvmQ7jgwgQl{$)&>Fd{GU{W=NS zK8kZu?&8|B2~Na#r@4I)7t+a2Z$ZGRB&#seZg2YNTn%zl#Y*)5FN;<1Vr|7f+XTFa zAchCqa_awgX-u5}SzNLsvR@fgj8Dlq?pfEZCU!P@w@=}NjdOd$r^*GJbQSySpUjg{ zu)^}TNNFM-5x!`H%yLn@gZ?%i`nIM(l#N=z7)zASo(QR zO5tE%!?yCXoAiWt@Jxu7PD|zFyK*wjV-rC;pwL5Z>&=-$6g}J$fn(a@Vdz4!blkDKdZ?Gyl8IU;s~!BtPbBgZRCl+#MGau>GXA95>cm@vaBX0PUKhI}|jTxA6g zaPBf|vr1*eFNHYrk&{AQ{^vU?)rBy>R)JDaa2C3wg{vyfy%|IbG3%v zMc{n1JcpD|;#~JB$nhY!Xp`-MoXf5Z37@&e?isq)8SzuAN&U7_iNaxS z5a%u(r@MJsOm*@0qdz*I&is2i(m9;j^rVX7z!PxCi}T?U=8~6!R3(tHOYG-kz$Pz| zH^#c(kf|rq#T!Vz--Y_17k_u1?7?x`kt4g*^h3!G$~yb(&9DK&stFwrgNn`zcIl(^ z2&&;lSr^PZmYuo=8P*!-n(L8TsRjLWqL0TuiazFRuXGVIpx>In4jnJ-v~L*CgUbSa zQ*s4frIy!sm`CjFuo?S`yWpy|lCR4p)%2dH-hi*M?}fHUelNV`UPPRtM0>8a!W?6? z)>nmIhYA>b%o_GBXDUyjsa$|H(_N{hOjq*aLA6MYQD4esq$a{Drv-lFTj^_UC8s!J z{{^3|E!kuzXBa1Uic+k+R9+~@%j>1jczhHk{~VjzW?;0d>eXnNUAvg#X0g9ii4QX&G&Q_qHSncZ!{ZB3T)Nt!EP z#QQE;z3myoi8`OWy|s8bQ9!K)=YEM*$y#adHje6_LyJQ(dNbppIo7U(3(g+tGd$dT zbZssvCDkLU2p@O3l0$AH4ssvTOP8z*rb_=l#p;67lt#X`hz`w8SliR&hMdgwA5~sU zX(cu4OVFyN=o{*}#c?Y=WZks7!#n?*U2-y!Z!NXbVk(FtV0^R4D34P+cEY3QFiu>p z$Z;pYAzEY?VwMzVcf-?DSHFAgO!cHty4J1w#RR+s{EUrQ(3KE^sM&P^0)PcwA*qXv7KAO zsc!#nm9mza|KQ;1hGvD%h3@H-&E|G)_``ooZ{Y) zrRP})PnE79q7%U@R5ZeEVIxmNA5sbYtFQZzY~=&1I~=hR?d2fl%|M&lfjMP^ncoPn zK>>xsaVHPzpdn&)CEi;gs&ed!n4A$))otPgDz_YP*3P*LtZGJ6Tw6mads6NNB12P+ zZ|(j(xtZu3a-t>Zp>)$Wcp(sQ29=~`kRQW`uI@Nw2bn;%E_;SVLe?LSzEo5;Q*u$-ZW=pdny$%m7(f&k%gU%@TS9BGx zB?mX63rbJw-P@8P^`T;)M}D2xtpRuB5!m}xxWn6-2bMFAoF*rz)<~+oXXpoxQkh<- z4j4lIHlO)$j+K&3cKi!->M>Pnp+!Vgj2RqTB&wBX z0bX72gjejKErm|@VIzzFbMS27Y|7Zc55b4}WGl((3M0K7{(`M}a{s7VyvKc(?~u2b z_PgAik^J51V0Wj3`!hbx&-GmT793AM>3^DwZCGvM4e2KRl0mT4v!e^m&!`Mh%PV`O z3}SEh9yz^()9Mmj;IqRRYhhOepPU32u9#Ss+~~BN1$9qB%Y82Tltt!q)iPlfwFpY_ull=u|7%SYrd&&ceSF{5_b3t2PGdG%p;_>n&k zAmh6ND{~dx-;B6pCdhG~(vjz5uEmUuc&YlOmt?-3rHkTb_cyDdu{3l$wOZhDN@~Cp z8en{B7jq}!_BL8_QSz{>Ykps8|8-x4_j~oU6cje2`SEj>$uanPt&O4jk6aX%Ib;opA7`FfRt$Q~C2gDxx;%IEoNcK2x0)!1W~x=e2L$Q$iUS+G8VH#%Qqv zBiTu$VpQ~AX&0vxeq}#1YU<5{JpyA=1_$N^%W#rH4Qj&nIH+x;Zt1B^(@uLun3;9G zuhcej1)wpX4kde zm@SzjWx%+Ex+(w$6{E)abVQ>kVE!S=zHYzKpTGto-5!|wCR)>3wyX><)1 z+J3sPHRxQ`MhQ|C1n^g(1KjJLzV%TT;Us#BUF6SkE-ub^;-(_;qc?}If`AEcxY z>`l$4?=*jK@QM&i!w{p=R&r>Sz3Y94eT%)DwT4Q7Zs;JK91k*2bk2%9qigymPD6RF zZ!#0@EA9%hh+IQCN1oDJ-3TAa#|eiK>UFt|v_*K~RIvkQ99*{7hHGRrhnn3j%U> z!%hHq?~X^t*Hpe^QI?Hjr7fmzKW&x3$0*#xo5R|vLA0*Jx~hhaxs6>`adGUg+3?H--{OASXZ1p+q;+FZyaEw#t zK*r=}kTsj=T%KyEBeD0eQ-KPhKZr{LtEVEq0sX`NkiJgQuVdek-By*;39IQ|X(FdG z+Ov(#p?txifki1@11*9F^yStO_X~1vuhLqntISj4vYhRxqyU z9%F^^4XlAJ;0^WRx&0-TQ);X4)tp*Tovfz7c#M!wh~EmIaVB14T{Gk1qs=qxv4*~& z0@_T4R)CzMle7*+@IW{mWnl8);6n9L&_0Vx^h)cP^`4GceRiPZb|i|^MowNZ$SW{i zLuC9HoQ~jy_|=PhF4 zs&rThse|!Ry{cAIFH!xZpgN0|jtHgQv3AfrXh_C8y*K=nWb=@<(!PvqdS{$ht9vSY zn|XSu>*O=w4{M}qoN74Neaudm2bNPUxW~U*1+xRirIpoIs9DtO_V8d`w_L2ws>4|Hcu z1dZk9JZp!&9Sooms^i>r^IwR48IyfdX2~Pobx*=hXl`f24gNWk$O$Dk-nylC3|&ff z1EW%R2Y-USdEPeML7d8zN`3c@@>=Pw-Ql#l(cXWx+)4+rk$V{~E-YD2DBXdQBne(q zN$#?<_1fOb$yU|mL5dH)>rG`dPU_F7l{+hK~lZ9JO694y2_3AeF&#T6p?$V z$Gp=bt3-bnxz|%s-UIgO2uI1NL8r{IdYhmXD4g0Um|IUW{)C@95JlZq9A36bUE~Ng zsIByt^TiQYqTxp`q#8XA)*7Ny5O13Bdb7iT%WICZF4&pj71e>AG#+Mef4PuiD9hBN zYE8AMvR%p~UZiV2hN|rznfF*ch|^p3L5Ux_)j;vzFbf(`W0aEnz>`V9P1Hd9+Z5-K znkbhCxG$(`df>^>22RHbry>pl52=$^kmI+dgE<=9|5v&LSE&u3(-F)ApW!U^QXjgg z=fPQ~knLUq4;q0Ie>UjD}_=WOw90)x+8)Ed`$Ic>1^_rKND(CQCnZ0$*Euj(L%& ze~`1oZjl`%!vDAfYkeRXWi)loE2#rcm0>SWvJaeeP3eI&81~m_p^f_^eeY9l9ensI zp*yXI9JZ%j(*2FxtUB7}OVqXaE0JqflUhl8a3LCl-na>FO!4%cO3~*^PcHcnDD^`- z6Npe@#{er`Km|Sv{ckO}47cfj&%jym2^e=idLmsw9Inxgh++hLh$obMz7Y}M_!nvW zrMq}X&zFy>Uuol%kWj`ZOAj5_Uz^*Ro%^kTaTBaRH}1IeoG;P!Z^L=efy0}~j5#Z3 z0xy{ZUv!*Y3=Q%VFphsfUJts8`w)a zblwU&Mc_0xu`fB3SZ8HWl5eGNJC~EsR!MR4PsGDrc+70Xt1gRp2hMC4`d(Y;2+txL zaBPVRz5zX*Z^7EL(&hdUe#KkPeVK-)s;3yky6p#FW{Q-I8nv@DMf?+dx-E)|C)}+c zmEsz_5`SQ1%7B-Yb+6I88wgwDE1ttOdR23Am#IOJ_e zz1Rbni3ePdQ=f=E&v^xp)Gr)%%G!NVE=W!j*b7!3-YL3EIjv41q6@l;(|NQbCP{OVSV& zA{8d|T%K2uc^H8QSaq0RM?mx2;1#l&&-ok0ZEJGg+A!A^)4Lo-*X0eUok4$iAWtZc zuY2jAo4ohoG#e4X^OOyyTt2KYNpzc9s7BdB*G! zpYEp*nvLttj^|AtbRX4-^?j!?%@9}r zk4zmkjU!{?|znFr_#PVOAq~DM(Hk}|CH-^$MqT9F}X4C5RIEw4)nRXdF7&8 zUl2ZHNk*+SpB4V3@aL6C`%^)FA}d#$9(8vNTuple[int, np.ndarray]: + """load wav file. + + Args: + wavpath (str): wav path. + sr (int, optional): expect sample rate. Defaults to None. + dtype (str, optional): wav data bits. Defaults to 'int16'. + + Returns: + Tuple[int, np.ndarray]: sr (int), wav (int16) [T, C]. + """ + wav, r_sr = sf.read(wavpath, start=start, stop=stop, dtype=dtype, always_2d=always_2d) + if sr: + assert sr == r_sr + return r_sr, wav + + +def write(wavpath:str, wav:np.ndarray, sr:int, dtype='PCM_16'): + """write wav file. + + Args: + wavpath (str): file path to save. + wav (np.ndarray): wav data. + sr (int): data samplerate. + dtype (str, optional): wav bit format. Defaults to 'PCM_16'. + """ + sf.write(wavpath, wav, sr, subtype=dtype) + + +def frames(x: Tensor, + num_samples: Tensor, + sr: int, + win_length: float, + stride_length: float, + clip: bool = False) -> Tuple[Tensor, Tensor]: + """Extract frames from audio. + + Parameters + ---------- + x : Tensor + Shape (B, T), batched waveform. + num_samples : Tensor + Shape (B, ), number of samples of each waveform. + sr: int + Sampling Rate. + win_length : float + Window length in ms. + stride_length : float + Stride length in ms. + clip : bool, optional + Whether to clip audio that does not fit into the last frame, by + default True + + Returns + ------- + frames : Tensor + Shape (B, T', win_length). + num_frames : Tensor + Shape (B, ) number of valid frames + """ + assert stride_length <= win_length + stride_length = int(stride_length * sr) + win_length = int(win_length * sr) + + num_frames = (num_samples - win_length) // stride_length + padding = (0, 0) + if not clip: + num_frames += 1 + need_samples = num_frames * stride_length + win_length + padding = (0, need_samples - num_samples - 1) + + weight = paddle.eye(win_length).unsqueeze(1) #[win_length, 1, win_length] + + frames = F.conv1d(x.unsqueeze(-1), + weight, + padding=padding, + stride=(stride_length, ), + data_format='NLC') + return frames, num_frames + + +def dither(signal:Tensor, dither_value=1.0)->Tensor: + """dither frames for log compute. + + Args: + signal (Tensor): [B, T, D] + dither_value (float, optional): [scalar]. Defaults to 1.0. + + Returns: + Tensor: [B, T, D] + """ + D = paddle.shape(signal)[-1] + signal += paddle.normal(shape=[1, 1, D]) * dither_value + return signal + + +def remove_dc_offset(signal:Tensor)->Tensor: + """remove dc. + + Args: + signal (Tensor): [B, T, D] + + Returns: + Tensor: [B, T, D] + """ + signal -= paddle.mean(signal, axis=-1, keepdim=True) + return signal + +def preemphasis(signal:Tensor, coeff=0.97)->Tensor: + """perform preemphasis on the input signal. + + Args: + signal (Tensor): [B, T, D], The signal to filter. + coeff (float, optional): [scalar].The preemphasis coefficient. 0 is no filter, Defaults to 0.97. + + Returns: + Tensor: [B, T, D] + """ + return paddle.concat([ + (1-coeff)*signal[:, :, 0:1], + signal[:, :, 1:] - coeff * signal[:, :, :-1] + ], axis=-1) + + +class STFT(nn.Layer): + """A module for computing stft transformation in a differentiable way. + + http://practicalcryptography.com/miscellaneous/machine-learning/intuitive-guide-discrete-fourier-transform/ + + Parameters + ------------ + n_fft : int + Number of samples in a frame. + + sr: int + Number of Samplilng rate. + + stride_length : float + Number of samples shifted between adjacent frames. + + win_length : float + Length of the window. + + clip: bool + Whether to clip audio is necesaary. + """ + def __init__(self, + n_fft: int, + sr: int, + win_length: float, + stride_length: float, + dither:float=0.0, + preemph_coeff:float=0.97, + remove_dc_offset:bool=True, + window_type: str = 'povey', + clip: bool = False): + super().__init__() + self.sr = sr + self.win_length = win_length + self.stride_length = stride_length + self.dither = dither + self.preemph_coeff = preemph_coeff + self.remove_dc_offset = remove_dc_offset + self.window_type = window_type + self.clip = clip + + self.n_fft = n_fft + self.n_bin = 1 + n_fft // 2 + + w_real, w_imag, kernel_size = dft_matrix( + self.n_fft, int(self.win_length * self.sr), self.n_bin + ) + + # calculate window + window = get_window(window_type, kernel_size) + + # (2 * n_bins, kernel_size) + w = np.concatenate([w_real, w_imag], axis=0) + w = w * window + # (kernel_size, 2 * n_bins) + w = np.transpose(w) + weight = paddle.cast(paddle.to_tensor(w), paddle.get_default_dtype()) + self.register_buffer("weight", weight) + + def forward(self, x: Tensor, num_samples: Tensor) -> Tuple[Tensor, Tensor]: + """Compute the stft transform. + Parameters + ------------ + x : Tensor [shape=(B, T)] + The input waveform. + num_samples : Tensor [shape=(B,)] + Number of samples of each waveform. + Returns + ------------ + C : Tensor + Shape(B, T', n_bins, 2) Spectrogram. + + num_frames: Tensor + Shape (B,) number of samples of each spectrogram + """ + batch_size = paddle.shape(num_samples) + F, nframe = frames(x, num_samples, self.sr, self.win_length, self.stride_length, clip=self.clip) + if self.dither: + F = dither(F, self.dither) + if self.remove_dc_offset: + F = remove_dc_offset(F) + if self.preemph_coeff: + F = preemphasis(F) + C = paddle.matmul(F, self.weight) # [B, T, K] [K, 2 * n_bins] + C = paddle.reshape(C, [batch_size, -1, 2, self.n_bin]) + C = C.transpose([0, 1, 3, 2]) + return C, nframe + + +def powspec(C:Tensor) -> Tensor: + """Compute the power spectrum |X_k|^2. + + Args: + C (Tensor): [B, T, C, 2] + + Returns: + Tensor: [B, T, C] + """ + real, imag = paddle.chunk(C, 2, axis=-1) + return paddle.square(real.squeeze(-1)) + paddle.square(imag.squeeze(-1)) + + +def magspec(C: Tensor, eps=1e-10) -> Tensor: + """Compute the magnitude spectrum |X_k|. + + Args: + C (Tensor): [B, T, C, 2] + eps (float): epsilon. + + Returns: + Tensor: [B, T, C] + """ + pspec = powspec(C) + return paddle.sqrt(pspec + eps) + + +def logspec(C: Tensor, eps=1e-10) -> Tensor: + """Compute log-spectrum 20log10∣X_k∣. + + Args: + C (Tensor): [description] + eps ([type], optional): [description]. Defaults to 1e-10. + + Returns: + Tensor: [description] + """ + spec = magspec(C) + return 20 * paddle.log10(spec + eps) + diff --git a/third_party/paddle_audio/frontend/kaldi_test.py b/third_party/paddle_audio/frontend/kaldi_test.py new file mode 100644 index 000000000..34ff413c5 --- /dev/null +++ b/third_party/paddle_audio/frontend/kaldi_test.py @@ -0,0 +1,533 @@ +from typing import Tuple +import numpy as np +import paddle +import unittest + +import decimal +import numpy +import math +import logging +from pathlib import Path + +from scipy.fftpack import dct + +from third_party.paddle_audio.frontend import kaldi + +def round_half_up(number): + return int(decimal.Decimal(number).quantize(decimal.Decimal('1'), rounding=decimal.ROUND_HALF_UP)) + +def rolling_window(a, window, step=1): + # http://ellisvalentiner.com/post/2017-03-21-np-strides-trick + shape = a.shape[:-1] + (a.shape[-1] - window + 1, window) + strides = a.strides + (a.strides[-1],) + return numpy.lib.stride_tricks.as_strided(a, shape=shape, strides=strides)[::step] + + +def do_dither(signal, dither_value=1.0): + signal += numpy.random.normal(size=signal.shape) * dither_value + return signal + +def do_remove_dc_offset(signal): + signal -= numpy.mean(signal) + return signal + +def do_preemphasis(signal, coeff=0.97): + """perform preemphasis on the input signal. + + :param signal: The signal to filter. + :param coeff: The preemphasis coefficient. 0 is no filter, default is 0.95. + :returns: the filtered signal. + """ + return numpy.append((1-coeff)*signal[0], signal[1:] - coeff * signal[:-1]) + + +def framesig(sig, frame_len, frame_step, dither=1.0, preemph=0.97, remove_dc_offset=True, wintype='hamming', stride_trick=True): + """Frame a signal into overlapping frames. + + :param sig: the audio signal to frame. + :param frame_len: length of each frame measured in samples. + :param frame_step: number of samples after the start of the previous frame that the next frame should begin. + :param winfunc: the analysis window to apply to each frame. By default no window is applied. + :param stride_trick: use stride trick to compute the rolling window and window multiplication faster + :returns: an array of frames. Size is NUMFRAMES by frame_len. + """ + slen = len(sig) + frame_len = int(round_half_up(frame_len)) + frame_step = int(round_half_up(frame_step)) + if slen <= frame_len: + numframes = 1 + else: + numframes = 1 + (( slen - frame_len) // frame_step) + + # check kaldi/src/feat/feature-window.h + padsignal = sig[:(numframes-1)*frame_step+frame_len] + if wintype is 'povey': + win = numpy.empty(frame_len) + for i in range(frame_len): + win[i] = (0.5-0.5*numpy.cos(2*numpy.pi/(frame_len-1)*i))**0.85 + else: # the hamming window + win = numpy.hamming(frame_len) + + if stride_trick: + frames = rolling_window(padsignal, window=frame_len, step=frame_step) + else: + indices = numpy.tile(numpy.arange(0, frame_len), (numframes, 1)) + numpy.tile( + numpy.arange(0, numframes * frame_step, frame_step), (frame_len, 1)).T + indices = numpy.array(indices, dtype=numpy.int32) + frames = padsignal[indices] + win = numpy.tile(win, (numframes, 1)) + + frames = frames.astype(numpy.float32) + raw_frames = numpy.zeros(frames.shape) + for frm in range(frames.shape[0]): + frames[frm,:] = do_dither(frames[frm,:], dither) # dither + frames[frm,:] = do_remove_dc_offset(frames[frm,:]) # remove dc offset + raw_frames[frm,:] = frames[frm,:] + frames[frm,:] = do_preemphasis(frames[frm,:], preemph) # preemphasize + + return frames * win, raw_frames + + +def magspec(frames, NFFT): + """Compute the magnitude spectrum of each frame in frames. If frames is an NxD matrix, output will be Nx(NFFT/2+1). + + :param frames: the array of frames. Each row is a frame. + :param NFFT: the FFT length to use. If NFFT > frame_len, the frames are zero-padded. + :returns: If frames is an NxD matrix, output will be Nx(NFFT/2+1). Each row will be the magnitude spectrum of the corresponding frame. + """ + if numpy.shape(frames)[1] > NFFT: + logging.warn( + 'frame length (%d) is greater than FFT size (%d), frame will be truncated. Increase NFFT to avoid.', + numpy.shape(frames)[1], NFFT) + complex_spec = numpy.fft.rfft(frames, NFFT) + return numpy.absolute(complex_spec) + + +def powspec(frames, NFFT): + """Compute the power spectrum of each frame in frames. If frames is an NxD matrix, output will be Nx(NFFT/2+1). + + :param frames: the array of frames. Each row is a frame. + :param NFFT: the FFT length to use. If NFFT > frame_len, the frames are zero-padded. + :returns: If frames is an NxD matrix, output will be Nx(NFFT/2+1). Each row will be the power spectrum of the corresponding frame. + """ + return numpy.square(magspec(frames, NFFT)) + + + +def mfcc(signal,samplerate=16000,winlen=0.025,winstep=0.01,numcep=13, + nfilt=23,nfft=512,lowfreq=20,highfreq=None,dither=1.0,remove_dc_offset=True,preemph=0.97, + ceplifter=22,useEnergy=True,wintype='povey'): + """Compute MFCC features from an audio signal. + + :param signal: the audio signal from which to compute features. Should be an N*1 array + :param samplerate: the samplerate of the signal we are working with. + :param winlen: the length of the analysis window in seconds. Default is 0.025s (25 milliseconds) + :param winstep: the step between successive windows in seconds. Default is 0.01s (10 milliseconds) + :param numcep: the number of cepstrum to return, default 13 + :param nfilt: the number of filters in the filterbank, default 26. + :param nfft: the FFT size. Default is 512. + :param lowfreq: lowest band edge of mel filters. In Hz, default is 0. + :param highfreq: highest band edge of mel filters. In Hz, default is samplerate/2 + :param preemph: apply preemphasis filter with preemph as coefficient. 0 is no filter. Default is 0.97. + :param ceplifter: apply a lifter to final cepstral coefficients. 0 is no lifter. Default is 22. + :param appendEnergy: if this is true, the zeroth cepstral coefficient is replaced with the log of the total frame energy. + :param winfunc: the analysis window to apply to each frame. By default no window is applied. You can use numpy window functions here e.g. winfunc=numpy.hamming + :returns: A numpy array of size (NUMFRAMES by numcep) containing features. Each row holds 1 feature vector. + """ + feat,energy = fbank(signal,samplerate,winlen,winstep,nfilt,nfft,lowfreq,highfreq,dither,remove_dc_offset,preemph,wintype) + feat = numpy.log(feat) + feat = dct(feat, type=2, axis=1, norm='ortho')[:,:numcep] + feat = lifter(feat,ceplifter) + if useEnergy: feat[:,0] = numpy.log(energy) # replace first cepstral coefficient with log of frame energy + return feat + +def fbank(signal,samplerate=16000,winlen=0.025,winstep=0.01, + nfilt=40,nfft=512,lowfreq=0,highfreq=None,dither=1.0,remove_dc_offset=True, preemph=0.97, + wintype='hamming'): + """Compute Mel-filterbank energy features from an audio signal. + + :param signal: the audio signal from which to compute features. Should be an N*1 array + :param samplerate: the samplerate of the signal we are working with. + :param winlen: the length of the analysis window in seconds. Default is 0.025s (25 milliseconds) + :param winstep: the step between successive windows in seconds. Default is 0.01s (10 milliseconds) + :param nfilt: the number of filters in the filterbank, default 26. + :param nfft: the FFT size. Default is 512. + :param lowfreq: lowest band edge of mel filters. In Hz, default is 0. + :param highfreq: highest band edge of mel filters. In Hz, default is samplerate/2 + :param preemph: apply preemphasis filter with preemph as coefficient. 0 is no filter. Default is 0.97. + :param winfunc: the analysis window to apply to each frame. By default no window is applied. You can use numpy window functions here e.g. winfunc=numpy.hamming + winfunc=lambda x:numpy.ones((x,)) + :returns: 2 values. The first is a numpy array of size (NUMFRAMES by nfilt) containing features. Each row holds 1 feature vector. The + second return value is the energy in each frame (total energy, unwindowed) + """ + highfreq= highfreq or samplerate/2 + frames,raw_frames = sigproc.framesig(signal, winlen*samplerate, winstep*samplerate, dither, preemph, remove_dc_offset, wintype) + pspec = sigproc.powspec(frames,nfft) # nearly the same until this part + energy = numpy.sum(raw_frames**2,1) # this stores the raw energy in each frame + energy = numpy.where(energy == 0,numpy.finfo(float).eps,energy) # if energy is zero, we get problems with log + + fb = get_filterbanks(nfilt,nfft,samplerate,lowfreq,highfreq) + feat = numpy.dot(pspec,fb.T) # compute the filterbank energies + feat = numpy.where(feat == 0,numpy.finfo(float).eps,feat) # if feat is zero, we get problems with log + + return feat,energy + +def logfbank(signal,samplerate=16000,winlen=0.025,winstep=0.01, + nfilt=40,nfft=512,lowfreq=64,highfreq=None,dither=1.0,remove_dc_offset=True,preemph=0.97,wintype='hamming'): + """Compute log Mel-filterbank energy features from an audio signal. + + :param signal: the audio signal from which to compute features. Should be an N*1 array + :param samplerate: the samplerate of the signal we are working with. + :param winlen: the length of the analysis window in seconds. Default is 0.025s (25 milliseconds) + :param winstep: the step between successive windows in seconds. Default is 0.01s (10 milliseconds) + :param nfilt: the number of filters in the filterbank, default 26. + :param nfft: the FFT size. Default is 512. + :param lowfreq: lowest band edge of mel filters. In Hz, default is 0. + :param highfreq: highest band edge of mel filters. In Hz, default is samplerate/2 + :param preemph: apply preemphasis filter with preemph as coefficient. 0 is no filter. Default is 0.97. + :returns: A numpy array of size (NUMFRAMES by nfilt) containing features. Each row holds 1 feature vector. + """ + feat,energy = fbank(signal,samplerate,winlen,winstep,nfilt,nfft,lowfreq,highfreq,dither, remove_dc_offset,preemph,wintype) + return numpy.log(feat) + +def hz2mel(hz): + """Convert a value in Hertz to Mels + + :param hz: a value in Hz. This can also be a numpy array, conversion proceeds element-wise. + :returns: a value in Mels. If an array was passed in, an identical sized array is returned. + """ + return 1127 * numpy.log(1+hz/700.0) + +def mel2hz(mel): + """Convert a value in Mels to Hertz + + :param mel: a value in Mels. This can also be a numpy array, conversion proceeds element-wise. + :returns: a value in Hertz. If an array was passed in, an identical sized array is returned. + """ + return 700 * (numpy.exp(mel/1127.0)-1) + +def get_filterbanks(nfilt=26,nfft=512,samplerate=16000,lowfreq=0,highfreq=None): + """Compute a Mel-filterbank. The filters are stored in the rows, the columns correspond + to fft bins. The filters are returned as an array of size nfilt * (nfft/2 + 1) + + :param nfilt: the number of filters in the filterbank, default 20. + :param nfft: the FFT size. Default is 512. + :param samplerate: the samplerate of the signal we are working with. Affects mel spacing. + :param lowfreq: lowest band edge of mel filters, default 0 Hz + :param highfreq: highest band edge of mel filters, default samplerate/2 + :returns: A numpy array of size nfilt * (nfft/2 + 1) containing filterbank. Each row holds 1 filter. + """ + highfreq= highfreq or samplerate/2 + assert highfreq <= samplerate/2, "highfreq is greater than samplerate/2" + + # compute points evenly spaced in mels + lowmel = hz2mel(lowfreq) + highmel = hz2mel(highfreq) + + # check kaldi/src/feat/Mel-computations.h + fbank = numpy.zeros([nfilt,nfft//2+1]) + mel_freq_delta = (highmel-lowmel)/(nfilt+1) + for j in range(0,nfilt): + leftmel = lowmel+j*mel_freq_delta + centermel = lowmel+(j+1)*mel_freq_delta + rightmel = lowmel+(j+2)*mel_freq_delta + for i in range(0,nfft//2): + mel=hz2mel(i*samplerate/nfft) + if mel>leftmel and mel 0: + nframes,ncoeff = numpy.shape(cepstra) + n = numpy.arange(ncoeff) + lift = 1 + (L/2.)*numpy.sin(numpy.pi*n/L) + return lift*cepstra + else: + # values of L <= 0, do nothing + return cepstra + +def delta(feat, N): + """Compute delta features from a feature vector sequence. + + :param feat: A numpy array of size (NUMFRAMES by number of features) containing features. Each row holds 1 feature vector. + :param N: For each frame, calculate delta features based on preceding and following N frames + :returns: A numpy array of size (NUMFRAMES by number of features) containing delta features. Each row holds 1 delta feature vector. + """ + if N < 1: + raise ValueError('N must be an integer >= 1') + NUMFRAMES = len(feat) + denominator = 2 * sum([i**2 for i in range(1, N+1)]) + delta_feat = numpy.empty_like(feat) + padded = numpy.pad(feat, ((N, N), (0, 0)), mode='edge') # padded version of feat + for t in range(NUMFRAMES): + delta_feat[t] = numpy.dot(numpy.arange(-N, N+1), padded[t : t+2*N+1]) / denominator # [t : t+2*N+1] == [(N+t)-N : (N+t)+N+1] + return delta_feat + +##### modify for test ###### + +def framesig_without_dither_dc_preemphasize(sig, frame_len, frame_step, wintype='hamming', stride_trick=True): + """Frame a signal into overlapping frames. + + :param sig: the audio signal to frame. + :param frame_len: length of each frame measured in samples. + :param frame_step: number of samples after the start of the previous frame that the next frame should begin. + :param winfunc: the analysis window to apply to each frame. By default no window is applied. + :param stride_trick: use stride trick to compute the rolling window and window multiplication faster + :returns: an array of frames. Size is NUMFRAMES by frame_len. + """ + slen = len(sig) + frame_len = int(round_half_up(frame_len)) + frame_step = int(round_half_up(frame_step)) + if slen <= frame_len: + numframes = 1 + else: + numframes = 1 + (( slen - frame_len) // frame_step) + + # check kaldi/src/feat/feature-window.h + padsignal = sig[:(numframes-1)*frame_step+frame_len] + + if wintype is 'povey': + win = numpy.empty(frame_len) + for i in range(frame_len): + win[i] = (0.5-0.5*numpy.cos(2*numpy.pi/(frame_len-1)*i))**0.85 + elif wintype == '': + win = numpy.ones(frame_len) + elif wintype == 'hann': + win = numpy.hanning(frame_len) + else: # the hamming window + win = numpy.hamming(frame_len) + + if stride_trick: + frames = rolling_window(padsignal, window=frame_len, step=frame_step) + else: + indices = numpy.tile(numpy.arange(0, frame_len), (numframes, 1)) + numpy.tile( + numpy.arange(0, numframes * frame_step, frame_step), (frame_len, 1)).T + indices = numpy.array(indices, dtype=numpy.int32) + frames = padsignal[indices] + win = numpy.tile(win, (numframes, 1)) + + frames = frames.astype(numpy.float32) + raw_frames = frames + return frames * win, raw_frames + + +def frames(signal,samplerate=16000,winlen=0.025,winstep=0.01, + nfilt=40,nfft=512,lowfreq=0,highfreq=None, wintype='hamming'): + frames_with_win, raw_frames = framesig_without_dither_dc_preemphasize(signal, winlen*samplerate, winstep*samplerate, wintype) + return frames_with_win, raw_frames + + +def complexspec(frames, NFFT): + """Compute the magnitude spectrum of each frame in frames. If frames is an NxD matrix, output will be Nx(NFFT/2+1). + + :param frames: the array of frames. Each row is a frame. + :param NFFT: the FFT length to use. If NFFT > frame_len, the frames are zero-padded. + :returns: If frames is an NxD matrix, output will be Nx(NFFT/2+1). Each row will be the magnitude spectrum of the corresponding frame. + """ + if numpy.shape(frames)[1] > NFFT: + logging.warn( + 'frame length (%d) is greater than FFT size (%d), frame will be truncated. Increase NFFT to avoid.', + numpy.shape(frames)[1], NFFT) + complex_spec = numpy.fft.rfft(frames, NFFT) + return complex_spec + + +def stft_with_window(signal,samplerate=16000,winlen=0.025,winstep=0.01, + nfilt=40,nfft=512,lowfreq=0,highfreq=None,dither=1.0,remove_dc_offset=True, preemph=0.97, + wintype='hamming'): + frames_with_win, raw_frames = framesig_without_dither_dc_preemphasize(signal, winlen*samplerate, winstep*samplerate, wintype) + + spec = magspec(frames_with_win, nfft) # nearly the same until this part + scomplex = complexspec(frames_with_win, nfft) + + rspec = magspec(raw_frames, nfft) + rcomplex = complexspec(raw_frames, nfft) + return spec, scomplex, rspec, rcomplex + + +class TestKaldiFE(unittest.TestCase): + def setUp(self): + self. this_dir = Path(__file__).parent + + self.wavpath = str(self.this_dir / 'english.wav') + self.winlen=0.025 # ms + self.winstep=0.01 # ms + self.nfft=512 + self.lowfreq = 0 + self.highfreq = None + self.wintype='hamm' + self.nfilt=40 + + paddle.set_device('cpu') + + + def test_read(self): + import scipy.io.wavfile as wav + rate, sig = wav.read(self.wavpath) + sr, wav = kaldi.read(self.wavpath) + wav = wav[:, 0] + self.assertTrue(np.all(sig == wav)) + self.assertEqual(rate, sr) + + def test_frames(self): + sr, wav = kaldi.read(self.wavpath) + wav = wav[:, 0] + _, fs = frames(wav, samplerate=sr, + winlen=self.winlen, winstep=self.winstep, + nfilt=self.nfilt, nfft=self.nfft, + lowfreq=self.lowfreq, highfreq=self.highfreq, + wintype=self.wintype) + + t_wav = paddle.to_tensor([wav], dtype='float32') + t_wavlen = paddle.to_tensor([len(wav)]) + t_fs, t_nframe = kaldi.frames(t_wav, t_wavlen, sr, self.winlen, self.winstep, clip=False) + t_fs = t_fs.astype(fs.dtype)[0] + + self.assertEqual(t_nframe.item(), fs.shape[0]) + self.assertTrue(np.allclose(t_fs.numpy(), fs)) + + + def test_stft(self): + sr, wav = kaldi.read(self.wavpath) + wav = wav[:, 0] + + for wintype in ['', 'hamm', 'hann', 'povey']: + self.wintype=wintype + _, stft_c_win, _, _ = stft_with_window(wav, samplerate=sr, + winlen=self.winlen, winstep=self.winstep, + nfilt=self.nfilt, nfft=self.nfft, + lowfreq=self.lowfreq, highfreq=self.highfreq, + wintype=self.wintype) + + t_wav = paddle.to_tensor([wav], dtype='float32') + t_wavlen = paddle.to_tensor([len(wav)]) + + stft_class = kaldi.STFT(self.nfft, sr, self.winlen, self.winstep, window_type=self.wintype, dither=0.0, preemph_coeff=0.0, remove_dc_offset=False, clip=False) + t_stft, t_nframe = stft_class(t_wav, t_wavlen) + t_stft = t_stft.astype(stft_c_win.real.dtype)[0] + t_real = t_stft[:, :, 0] + t_imag = t_stft[:, :, 1] + + self.assertEqual(t_nframe.item(), stft_c_win.real.shape[0]) + + self.assertLess(np.sum(t_real.numpy()) - np.sum(stft_c_win.real), 1) + self.assertTrue(np.allclose(t_real.numpy(), stft_c_win.real, atol=1e-1)) + + self.assertLess(np.sum(t_imag.numpy()) - np.sum(stft_c_win.imag), 1) + self.assertTrue(np.allclose(t_imag.numpy(), stft_c_win.imag, atol=1e-1)) + + + def test_magspec(self): + sr, wav = kaldi.read(self.wavpath) + wav = wav[:, 0] + for wintype in ['', 'hamm', 'hann', 'povey']: + self.wintype=wintype + stft_win, _, _, _ = stft_with_window(wav, samplerate=sr, + winlen=self.winlen, winstep=self.winstep, + nfilt=self.nfilt, nfft=self.nfft, + lowfreq=self.lowfreq, highfreq=self.highfreq, + wintype=self.wintype) + + t_wav = paddle.to_tensor([wav], dtype='float32') + t_wavlen = paddle.to_tensor([len(wav)]) + + stft_class = kaldi.STFT(self.nfft, sr, self.winlen, self.winstep, window_type=self.wintype, dither=0.0, preemph_coeff=0.0, remove_dc_offset=False, clip=False) + t_stft, t_nframe = stft_class(t_wav, t_wavlen) + t_stft = t_stft.astype(stft_win.dtype) + t_spec = kaldi.magspec(t_stft)[0] + + self.assertEqual(t_nframe.item(), stft_win.shape[0]) + + self.assertLess(np.sum(t_spec.numpy()) - np.sum(stft_win), 1) + self.assertTrue(np.allclose(t_spec.numpy(), stft_win, atol=1e-1)) + + + def test_magsepc_winprocess(self): + sr, wav = kaldi.read(self.wavpath) + wav = wav[:, 0] + fs, _= framesig(wav, self.winlen*sr, self.winstep*sr, + dither=0.0, preemph=0.97, remove_dc_offset=True, wintype='povey', stride_trick=True) + spec = magspec(fs, self.nfft) # nearly the same until this part + + t_wav = paddle.to_tensor([wav], dtype='float32') + t_wavlen = paddle.to_tensor([len(wav)]) + stft_class = kaldi.STFT( + self.nfft, sr, self.winlen, self.winstep, + window_type='povey', dither=0.0, preemph_coeff=0.97, remove_dc_offset=True, clip=False) + t_stft, t_nframe = stft_class(t_wav, t_wavlen) + t_stft = t_stft.astype(spec.dtype) + t_spec = kaldi.magspec(t_stft)[0] + + self.assertEqual(t_nframe.item(), fs.shape[0]) + + self.assertLess(np.sum(t_spec.numpy()) - np.sum(spec), 1) + self.assertTrue(np.allclose(t_spec.numpy(), spec, atol=1e-1)) + + + def test_powspec(self): + sr, wav = kaldi.read(self.wavpath) + wav = wav[:, 0] + for wintype in ['', 'hamm', 'hann', 'povey']: + self.wintype=wintype + stft_win, _, _, _ = stft_with_window(wav, samplerate=sr, + winlen=self.winlen, winstep=self.winstep, + nfilt=self.nfilt, nfft=self.nfft, + lowfreq=self.lowfreq, highfreq=self.highfreq, + wintype=self.wintype) + stft_win = np.square(stft_win) + + t_wav = paddle.to_tensor([wav], dtype='float32') + t_wavlen = paddle.to_tensor([len(wav)]) + + stft_class = kaldi.STFT(self.nfft, sr, self.winlen, self.winstep, window_type=self.wintype, dither=0.0, preemph_coeff=0.0, remove_dc_offset=False, clip=False) + t_stft, t_nframe = stft_class(t_wav, t_wavlen) + t_stft = t_stft.astype(stft_win.dtype) + t_spec = kaldi.powspec(t_stft)[0] + + self.assertEqual(t_nframe.item(), stft_win.shape[0]) + + self.assertLess(np.sum(t_spec.numpy() - stft_win), 5e4) + self.assertTrue(np.allclose(t_spec.numpy(), stft_win, atol=1e2)) + + +# from python_speech_features import mfcc +# from python_speech_features import delta +# from python_speech_features import logfbank +# import scipy.io.wavfile as wav + +# (rate,sig) = wav.read("english.wav") + +# # note that generally nfilt=40 is used for speech recognition +# fbank_feat = logfbank(sig,nfilt=23,lowfreq=20,dither=0,wintype='povey') + +# # the computed fbank coefficents of english.wav with dimension [110,23] +# # [ 12.2865 12.6906 13.1765 15.714 16.064 15.7553 16.5746 16.9205 16.6472 16.1302 16.4576 16.7326 16.8864 17.7215 18.88 19.1377 19.1495 18.6683 18.3886 20.3506 20.2772 18.8248 18.1899 +# # 11.9198 13.146 14.7215 15.8642 17.4288 16.394 16.8238 16.1095 16.4297 16.6331 16.3163 16.5093 17.4981 18.3429 19.6555 19.6263 19.8435 19.0534 19.001 20.0287 19.7707 19.5852 19.1112 +# # ... +# # ... +# # the same with that using kaldi commands: compute-fbank-feats --dither=0.0 + + +# mfcc_feat = mfcc(sig,dither=0,useEnergy=True,wintype='povey') + +# # the computed mfcc coefficents of english.wav with dimension [110,13] +# # [ 17.1337 -23.3651 -7.41751 -7.73686 -21.3682 -8.93884 -3.70843 4.68346 -16.0676 12.782 -7.24054 8.25089 10.7292 +# # 17.1692 -23.3028 -5.61872 -4.0075 -23.287 -20.6101 -5.51584 -6.15273 -14.4333 8.13052 -0.0345329 2.06274 -0.564298 +# # ... +# # ... +# # the same with that using kaldi commands: compute-mfcc-feats --dither=0.0 + + + +if __name__ == '__main__': + unittest.main() \ No newline at end of file From cd001d5daf9d68d7105742b4bfc806eea11e166d Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 07:43:41 +0000 Subject: [PATCH 073/103] change type_as to astype --- deepspeech/modules/encoder.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/deepspeech/modules/encoder.py b/deepspeech/modules/encoder.py index fb44fe295..fc1ff3c83 100644 --- a/deepspeech/modules/encoder.py +++ b/deepspeech/modules/encoder.py @@ -159,7 +159,7 @@ class BaseEncoder(nn.Layer): if self.global_cmvn is not None: xs = self.global_cmvn(xs) #TODO(Hui Zhang): self.embed(xs, masks, offset=0), stride_slice not support bool tensor - xs, pos_emb, masks = self.embed(xs, masks.type_as(xs), offset=0) + xs, pos_emb, masks = self.embed(xs, masks.astype(xs.dtype), offset=0) #TODO(Hui Zhang): remove mask.astype, stride_slice not support bool tensor masks = masks.astype(paddle.bool) mask_pad = ~masks From 000183ea496aa054cdac11ac86186d36cd27c8df Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Fri, 17 Sep 2021 08:16:04 +0000 Subject: [PATCH 074/103] tensor.size to tensor.shape --- deepspeech/exps/u2/model.py | 2 +- deepspeech/exps/u2_kaldi/model.py | 2 +- deepspeech/exps/u2_st/model.py | 2 +- deepspeech/models/u2/u2.py | 24 ++++++++++++------------ deepspeech/models/u2_st.py | 14 +++++++------- deepspeech/modules/attention.py | 15 ++++++++------- deepspeech/modules/decoder.py | 2 +- deepspeech/modules/embedding.py | 4 ++-- deepspeech/modules/encoder.py | 20 ++++++++++---------- deepspeech/utils/ctc_utils.py | 12 ++++++------ deepspeech/utils/tensor_utils.py | 10 +++++----- 11 files changed, 54 insertions(+), 53 deletions(-) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 2e512ef1e..7095ed749 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -579,7 +579,7 @@ class U2Tester(U2Trainer): # 1. Encoder encoder_out, encoder_mask = self.model._forward_encoder( feat, feats_length) # (B, maxlen, encoder_dim) - maxlen = encoder_out.size(1) + maxlen = encoder_out.shape[1] ctc_probs = self.model.ctc.log_softmax( encoder_out) # (1, maxlen, vocab_size) diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index edcc34012..c39bfe31d 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -557,7 +557,7 @@ class U2Tester(U2Trainer): # 1. Encoder encoder_out, encoder_mask = self.model._forward_encoder( feat, feats_length) # (B, maxlen, encoder_dim) - maxlen = encoder_out.size(1) + maxlen = encoder_out.shape[1] ctc_probs = self.model.ctc.log_softmax( encoder_out) # (1, maxlen, vocab_size) diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index 0fa8ed735..6c6e5243a 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -588,7 +588,7 @@ class U2STTester(U2STTrainer): # 1. Encoder encoder_out, encoder_mask = self.model._forward_encoder( feat, feats_length) # (B, maxlen, encoder_dim) - maxlen = encoder_out.size(1) + maxlen = encoder_out.shape[1] ctc_probs = self.model.ctc.log_softmax( encoder_out) # (1, maxlen, vocab_size) diff --git a/deepspeech/models/u2/u2.py b/deepspeech/models/u2/u2.py index 39ed9d5d1..46bbd102f 100644 --- a/deepspeech/models/u2/u2.py +++ b/deepspeech/models/u2/u2.py @@ -298,8 +298,8 @@ class U2BaseModel(nn.Layer): speech, speech_lengths, decoding_chunk_size, num_decoding_left_chunks, simulate_streaming) # (B, maxlen, encoder_dim) - maxlen = encoder_out.size(1) - encoder_dim = encoder_out.size(2) + maxlen = encoder_out.shape[1] + encoder_dim = encoder_out.shape[2] running_size = batch_size * beam_size encoder_out = encoder_out.unsqueeze(1).repeat(1, beam_size, 1, 1).view( running_size, maxlen, encoder_dim) # (B*N, maxlen, encoder_dim) @@ -404,7 +404,7 @@ class U2BaseModel(nn.Layer): encoder_out, encoder_mask = self._forward_encoder( speech, speech_lengths, decoding_chunk_size, num_decoding_left_chunks, simulate_streaming) - maxlen = encoder_out.size(1) + maxlen = encoder_out.shape[1] encoder_out_lens = encoder_mask.squeeze(1).sum(1) ctc_probs = self.ctc.log_softmax(encoder_out) # (B, maxlen, vocab_size) @@ -455,7 +455,7 @@ class U2BaseModel(nn.Layer): speech, speech_lengths, decoding_chunk_size, num_decoding_left_chunks, simulate_streaming) # (B, maxlen, encoder_dim) - maxlen = encoder_out.size(1) + maxlen = encoder_out.shape[1] ctc_probs = self.ctc.log_softmax(encoder_out) # (1, maxlen, vocab_size) ctc_probs = ctc_probs.squeeze(0) @@ -583,7 +583,7 @@ class U2BaseModel(nn.Layer): encoder_out = encoder_out.repeat(beam_size, 1, 1) encoder_mask = paddle.ones( - (beam_size, 1, encoder_out.size(1)), dtype=paddle.bool) + (beam_size, 1, encoder_out.shape[1]), dtype=paddle.bool) decoder_out, _ = self.decoder( encoder_out, encoder_mask, hyps_pad, hyps_lens) # (beam_size, max_hyps_len, vocab_size) @@ -690,13 +690,13 @@ class U2BaseModel(nn.Layer): Returns: paddle.Tensor: decoder output, (B, L) """ - assert encoder_out.size(0) == 1 - num_hyps = hyps.size(0) - assert hyps_lens.size(0) == num_hyps + assert encoder_out.shape[0] == 1 + num_hyps = hyps.shape[0] + assert hyps_lens.shape[0] == num_hyps encoder_out = encoder_out.repeat(num_hyps, 1, 1) # (B, 1, T) encoder_mask = paddle.ones( - [num_hyps, 1, encoder_out.size(1)], dtype=paddle.bool) + [num_hyps, 1, encoder_out.shape[1]], dtype=paddle.bool) # (num_hyps, max_hyps_len, vocab_size) decoder_out, _ = self.decoder(encoder_out, encoder_mask, hyps, hyps_lens) @@ -751,7 +751,7 @@ class U2BaseModel(nn.Layer): Returns: List[List[int]]: transcripts. """ - batch_size = feats.size(0) + batch_size = feats.shape[0] if decoding_method in ['ctc_prefix_beam_search', 'attention_rescoring'] and batch_size > 1: logger.fatal( @@ -779,7 +779,7 @@ class U2BaseModel(nn.Layer): # result in List[int], change it to List[List[int]] for compatible # with other batch decoding mode elif decoding_method == 'ctc_prefix_beam_search': - assert feats.size(0) == 1 + assert feats.shape[0] == 1 hyp = self.ctc_prefix_beam_search( feats, feats_lengths, @@ -789,7 +789,7 @@ class U2BaseModel(nn.Layer): simulate_streaming=simulate_streaming) hyps = [hyp] elif decoding_method == 'attention_rescoring': - assert feats.size(0) == 1 + assert feats.shape[0] == 1 hyp = self.attention_rescoring( feats, feats_lengths, diff --git a/deepspeech/models/u2_st.py b/deepspeech/models/u2_st.py index 87ca68b29..a3d99942f 100644 --- a/deepspeech/models/u2_st.py +++ b/deepspeech/models/u2_st.py @@ -340,8 +340,8 @@ class U2STBaseModel(nn.Layer): speech, speech_lengths, decoding_chunk_size, num_decoding_left_chunks, simulate_streaming) # (B, maxlen, encoder_dim) - maxlen = encoder_out.size(1) - encoder_dim = encoder_out.size(2) + maxlen = encoder_out.shape[1] + encoder_dim = encoder_out.shape[2] running_size = batch_size * beam_size encoder_out = encoder_out.unsqueeze(1).repeat(1, beam_size, 1, 1).view( running_size, maxlen, encoder_dim) # (B*N, maxlen, encoder_dim) @@ -496,13 +496,13 @@ class U2STBaseModel(nn.Layer): Returns: paddle.Tensor: decoder output, (B, L) """ - assert encoder_out.size(0) == 1 - num_hyps = hyps.size(0) - assert hyps_lens.size(0) == num_hyps + assert encoder_out.shape[0] == 1 + num_hyps = hyps.shape[0] + assert hyps_lens.shape[0] == num_hyps encoder_out = encoder_out.repeat(num_hyps, 1, 1) # (B, 1, T) encoder_mask = paddle.ones( - [num_hyps, 1, encoder_out.size(1)], dtype=paddle.bool) + [num_hyps, 1, encoder_out.shape[1]], dtype=paddle.bool) # (num_hyps, max_hyps_len, vocab_size) decoder_out, _ = self.decoder(encoder_out, encoder_mask, hyps, hyps_lens) @@ -557,7 +557,7 @@ class U2STBaseModel(nn.Layer): Returns: List[List[int]]: transcripts. """ - batch_size = feats.size(0) + batch_size = feats.shape[0] if decoding_method == 'fullsentence': hyps = self.translate( diff --git a/deepspeech/modules/attention.py b/deepspeech/modules/attention.py index 1a984dd45..f94797282 100644 --- a/deepspeech/modules/attention.py +++ b/deepspeech/modules/attention.py @@ -70,7 +70,7 @@ class MultiHeadedAttention(nn.Layer): paddle.Tensor: Transformed value tensor, size (#batch, n_head, time2, d_k). """ - n_batch = query.size(0) + n_batch = query.shape[0] q = self.linear_q(query).view(n_batch, -1, self.h, self.d_k) k = self.linear_k(key).view(n_batch, -1, self.h, self.d_k) v = self.linear_v(value).view(n_batch, -1, self.h, self.d_k) @@ -96,7 +96,7 @@ class MultiHeadedAttention(nn.Layer): paddle.Tensor: Transformed value weighted by the attention score, (#batch, time1, d_model). """ - n_batch = value.size(0) + n_batch = value.shape[0] if mask is not None: mask = mask.unsqueeze(1).eq(0) # (batch, 1, *, time2) scores = scores.masked_fill(mask, -float('inf')) @@ -172,15 +172,16 @@ class RelPositionMultiHeadedAttention(MultiHeadedAttention): paddle.Tensor: Output tensor. (batch, head, time1, time1) """ zero_pad = paddle.zeros( - (x.size(0), x.size(1), x.size(2), 1), dtype=x.dtype) + (x.shape[0], x.shape[1], x.shape[2], 1), dtype=x.dtype) x_padded = paddle.cat([zero_pad, x], dim=-1) - x_padded = x_padded.view(x.size(0), x.size(1), x.size(3) + 1, x.size(2)) + x_padded = x_padded.view(x.shape[0], x.shape[1], x.shape[3] + 1, + x.shape[2]) x = x_padded[:, :, 1:].view_as(x) # [B, H, T1, T1] if zero_triu: - ones = paddle.ones((x.size(2), x.size(3))) - x = x * paddle.tril(ones, x.size(3) - x.size(2))[None, None, :, :] + ones = paddle.ones((x.shape[2], x.shape[3])) + x = x * paddle.tril(ones, x.shape[3] - x.shape[2])[None, None, :, :] return x @@ -205,7 +206,7 @@ class RelPositionMultiHeadedAttention(MultiHeadedAttention): q, k, v = self.forward_qkv(query, key, value) q = q.transpose([0, 2, 1, 3]) # (batch, time1, head, d_k) - n_batch_pos = pos_emb.size(0) + n_batch_pos = pos_emb.shape[0] p = self.linear_pos(pos_emb).view(n_batch_pos, -1, self.h, self.d_k) p = p.transpose([0, 2, 1, 3]) # (batch, head, time1, d_k) diff --git a/deepspeech/modules/decoder.py b/deepspeech/modules/decoder.py index 143f6cc57..8ca72894a 100644 --- a/deepspeech/modules/decoder.py +++ b/deepspeech/modules/decoder.py @@ -122,7 +122,7 @@ class TransformerDecoder(nn.Layer): # tgt_mask: (B, 1, L) tgt_mask = (make_non_pad_mask(ys_in_lens).unsqueeze(1)) # m: (1, L, L) - m = subsequent_mask(tgt_mask.size(-1)).unsqueeze(0) + m = subsequent_mask(tgt_mask.shape[-1]).unsqueeze(0) # tgt_mask: (B, L, L) tgt_mask = tgt_mask & m diff --git a/deepspeech/modules/embedding.py b/deepspeech/modules/embedding.py index 98b4e1291..fbbda023c 100644 --- a/deepspeech/modules/embedding.py +++ b/deepspeech/modules/embedding.py @@ -68,7 +68,7 @@ class PositionalEncoding(nn.Layer): paddle.Tensor: for compatibility to RelPositionalEncoding, (batch=1, time, ...) """ T = x.shape[1] - assert offset + x.size(1) < self.max_len + assert offset + x.shape[1] < self.max_len #TODO(Hui Zhang): using T = x.size(1), __getitem__ not support Tensor pos_emb = self.pe[:, offset:offset + T] x = x * self.xscale + pos_emb @@ -114,7 +114,7 @@ class RelPositionalEncoding(PositionalEncoding): paddle.Tensor: Encoded tensor (batch, time, `*`). paddle.Tensor: Positional embedding tensor (1, time, `*`). """ - assert offset + x.size(1) < self.max_len + assert offset + x.shape[1] < self.max_len x = x * self.xscale #TODO(Hui Zhang): using x.size(1), __getitem__ not support Tensor pos_emb = self.pe[:, offset:offset + x.shape[1]] diff --git a/deepspeech/modules/encoder.py b/deepspeech/modules/encoder.py index fc1ff3c83..d4a8275c3 100644 --- a/deepspeech/modules/encoder.py +++ b/deepspeech/modules/encoder.py @@ -206,11 +206,11 @@ class BaseEncoder(nn.Layer): chunk computation List[paddle.Tensor]: conformer cnn cache """ - assert xs.size(0) == 1 # batch size must be one + assert xs.shape[0] == 1 # batch size must be one # tmp_masks is just for interface compatibility # TODO(Hui Zhang): stride_slice not support bool tensor # tmp_masks = paddle.ones([1, xs.size(1)], dtype=paddle.bool) - tmp_masks = paddle.ones([1, xs.size(1)], dtype=paddle.int32) + tmp_masks = paddle.ones([1, xs.shape[1]], dtype=paddle.int32) tmp_masks = tmp_masks.unsqueeze(1) #[B=1, C=1, T] if self.global_cmvn is not None: @@ -220,25 +220,25 @@ class BaseEncoder(nn.Layer): xs, tmp_masks, offset=offset) #xs=(B, T, D), pos_emb=(B=1, T, D) if subsampling_cache is not None: - cache_size = subsampling_cache.size(1) #T + cache_size = subsampling_cache.shape[1] #T xs = paddle.cat((subsampling_cache, xs), dim=1) else: cache_size = 0 # only used when using `RelPositionMultiHeadedAttention` pos_emb = self.embed.position_encoding( - offset=offset - cache_size, size=xs.size(1)) + offset=offset - cache_size, size=xs.shape[1]) if required_cache_size < 0: next_cache_start = 0 elif required_cache_size == 0: - next_cache_start = xs.size(1) + next_cache_start = xs.shape[1] else: - next_cache_start = xs.size(1) - required_cache_size + next_cache_start = xs.shape[1] - required_cache_size r_subsampling_cache = xs[:, next_cache_start:, :] # Real mask for transformer/conformer layers - masks = paddle.ones([1, xs.size(1)], dtype=paddle.bool) + masks = paddle.ones([1, xs.shape[1]], dtype=paddle.bool) masks = masks.unsqueeze(1) #[B=1, L'=1, T] r_elayers_output_cache = [] r_conformer_cnn_cache = [] @@ -302,7 +302,7 @@ class BaseEncoder(nn.Layer): stride = subsampling * decoding_chunk_size decoding_window = (decoding_chunk_size - 1) * subsampling + context - num_frames = xs.size(1) + num_frames = xs.shape[1] required_cache_size = decoding_chunk_size * num_decoding_left_chunks subsampling_cache: Optional[paddle.Tensor] = None elayers_output_cache: Optional[List[paddle.Tensor]] = None @@ -318,10 +318,10 @@ class BaseEncoder(nn.Layer): chunk_xs, offset, required_cache_size, subsampling_cache, elayers_output_cache, conformer_cnn_cache) outputs.append(y) - offset += y.size(1) + offset += y.shape[1] ys = paddle.cat(outputs, 1) # fake mask, just for jit script and compatibility with `forward` api - masks = paddle.ones([1, ys.size(1)], dtype=paddle.bool) + masks = paddle.ones([1, ys.shape[1]], dtype=paddle.bool) masks = masks.unsqueeze(1) return ys, masks diff --git a/deepspeech/utils/ctc_utils.py b/deepspeech/utils/ctc_utils.py index 09543d48d..2639f3064 100644 --- a/deepspeech/utils/ctc_utils.py +++ b/deepspeech/utils/ctc_utils.py @@ -84,11 +84,11 @@ def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, y_insert_blank = insert_blank(y, blank_id) #(2L+1) log_alpha = paddle.zeros( - (ctc_probs.size(0), len(y_insert_blank))) #(T, 2L+1) + (ctc_probs.shape[0], len(y_insert_blank))) #(T, 2L+1) log_alpha = log_alpha - float('inf') # log of zero # TODO(Hui Zhang): zeros not support paddle.int16 state_path = (paddle.zeros( - (ctc_probs.size(0), len(y_insert_blank)), dtype=paddle.int32) - 1 + (ctc_probs.shape[0], len(y_insert_blank)), dtype=paddle.int32) - 1 ) # state path, Tuple((T, 2L+1)) # init start state @@ -96,7 +96,7 @@ def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, log_alpha[0, 0] = ctc_probs[0][int(y_insert_blank[0])] # State-b, Sb log_alpha[0, 1] = ctc_probs[0][int(y_insert_blank[1])] # State-nb, Snb - for t in range(1, ctc_probs.size(0)): # T + for t in range(1, ctc_probs.shape[0]): # T for s in range(len(y_insert_blank)): # 2L+1 if y_insert_blank[s] == blank_id or s < 2 or y_insert_blank[ s] == y_insert_blank[s - 2]: @@ -116,7 +116,7 @@ def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, state_path[t, s] = prev_state[paddle.argmax(candidates)] # TODO(Hui Zhang): zeros not support paddle.int16 - state_seq = -1 * paddle.ones((ctc_probs.size(0), 1), dtype=paddle.int32) + state_seq = -1 * paddle.ones((ctc_probs.shape[0], 1), dtype=paddle.int32) candidates = paddle.to_tensor([ log_alpha[-1, len(y_insert_blank) - 1], # Sb @@ -124,11 +124,11 @@ def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, ]) prev_state = [len(y_insert_blank) - 1, len(y_insert_blank) - 2] state_seq[-1] = prev_state[paddle.argmax(candidates)] - for t in range(ctc_probs.size(0) - 2, -1, -1): + for t in range(ctc_probs.shape[0] - 2, -1, -1): state_seq[t] = state_path[t + 1, state_seq[t + 1, 0]] output_alignment = [] - for t in range(0, ctc_probs.size(0)): + for t in range(0, ctc_probs.shape[0]): output_alignment.append(y_insert_blank[state_seq[t, 0]]) return output_alignment diff --git a/deepspeech/utils/tensor_utils.py b/deepspeech/utils/tensor_utils.py index 3519f4fa5..bb7f58ded 100644 --- a/deepspeech/utils/tensor_utils.py +++ b/deepspeech/utils/tensor_utils.py @@ -83,7 +83,7 @@ def pad_sequence(sequences: List[paddle.Tensor], # (TODO Hui Zhang): slice not supprot `end==start` # trailing_dims = max_size[1:] trailing_dims = max_size[1:] if max_size.ndim >= 2 else () - max_len = max([s.size(0) for s in sequences]) + max_len = max([s.shape[0] for s in sequences]) if batch_first: out_dims = (len(sequences), max_len) + trailing_dims else: @@ -91,7 +91,7 @@ def pad_sequence(sequences: List[paddle.Tensor], out_tensor = sequences[0].new_full(out_dims, padding_value) for i, tensor in enumerate(sequences): - length = tensor.size(0) + length = tensor.shape[0] # use index notation to prevent duplicate references to the tensor if batch_first: out_tensor[i, :length, ...] = tensor @@ -139,7 +139,7 @@ def add_sos_eos(ys_pad: paddle.Tensor, sos: int, eos: int, #ys_in = [paddle.cat([_sos, y], dim=0) for y in ys] #ys_out = [paddle.cat([y, _eos], dim=0) for y in ys] #return pad_sequence(ys_in, padding_value=eos), pad_sequence(ys_out, padding_value=ignore_id) - B = ys_pad.size(0) + B = ys_pad.shape[0] _sos = paddle.ones([B, 1], dtype=ys_pad.dtype) * sos _eos = paddle.ones([B, 1], dtype=ys_pad.dtype) * eos ys_in = paddle.cat([_sos, ys_pad], dim=1) @@ -165,8 +165,8 @@ def th_accuracy(pad_outputs: paddle.Tensor, Returns: float: Accuracy value (0.0 - 1.0). """ - pad_pred = pad_outputs.view( - pad_targets.size(0), pad_targets.size(1), pad_outputs.size(1)).argmax(2) + pad_pred = pad_outputs.view(pad_targets.shape[0], pad_targets.shape[1], + pad_outputs.shape[1]).argmax(2) mask = pad_targets != ignore_label numerator = paddle.sum( pad_pred.masked_select(mask) == pad_targets.masked_select(mask)) From 15d26cc4addb62918a4ae5bc8c381350d811058d Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 02:56:28 +0000 Subject: [PATCH 075/103] update u2 transformer config --- examples/librispeech/s1/conf/augmentation.json | 8 ++++---- examples/librispeech/s1/conf/transformer.yaml | 4 ++-- 2 files changed, 6 insertions(+), 6 deletions(-) diff --git a/examples/librispeech/s1/conf/augmentation.json b/examples/librispeech/s1/conf/augmentation.json index 8e6e97040..40a5b7900 100644 --- a/examples/librispeech/s1/conf/augmentation.json +++ b/examples/librispeech/s1/conf/augmentation.json @@ -19,17 +19,17 @@ { "type": "specaug", "params": { + "W": 0, + "warp_mode": "PIL", "F": 10, - "T": 50, "n_freq_masks": 2, + "T": 50, "n_time_masks": 2, "p": 1.0, - "W": 80, "adaptive_number_ratio": 0, "adaptive_size_ratio": 0, "max_n_time_masks": 20, - "replace_with_zero": true, - "warp_mode": "PIL" + "replace_with_zero": true }, "prob": 1.0 } diff --git a/examples/librispeech/s1/conf/transformer.yaml b/examples/librispeech/s1/conf/transformer.yaml index 4aa7b9158..fe9cab069 100644 --- a/examples/librispeech/s1/conf/transformer.yaml +++ b/examples/librispeech/s1/conf/transformer.yaml @@ -33,7 +33,7 @@ collator: keep_transcription_text: False sortagrad: True shuffle_method: batch_shuffle - num_workers: 0 + num_workers: 2 # network architecture @@ -74,7 +74,7 @@ model: training: - n_epoch: 120 + n_epoch: 120 accum_grad: 2 global_grad_clip: 5.0 optim: adam From 231499a3471de4484d96b5875314a41b8ce28e9b Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 03:07:52 +0000 Subject: [PATCH 076/103] VarBase.__getitem__ work for np.int64, np.longlong; but __setitem_varbase__ not support paddle.int16/set_value op not support --- deepspeech/exps/u2/model.py | 17 ++++++++--------- deepspeech/exps/u2_kaldi/model.py | 22 ++++++++++------------ deepspeech/exps/u2_st/model.py | 17 ++++++++--------- deepspeech/utils/ctc_utils.py | 8 +++++--- 4 files changed, 31 insertions(+), 33 deletions(-) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 1328a1cb7..a7f4f14d9 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -568,26 +568,25 @@ class U2Tester(U2Trainer): ctc_probs = ctc_probs.squeeze(0) target = target.squeeze(0) alignment = ctc_utils.forced_align(ctc_probs, target) - logger.info("align ids", key[0], alignment) + logger.info(f"align ids: {key[0]} {alignment}") fout.write('{} {}\n'.format(key[0], alignment)) # 3. gen praat # segment alignment align_segs = text_grid.segment_alignment(alignment) - logger.info("align tokens", key[0], align_segs) + logger.info(f"align tokens: {key[0]}, {align_segs}") # IntervalTier, List["start end token\n"] subsample = utility.get_subsample(self.config) tierformat = text_grid.align_to_tierformat( align_segs, subsample, token_dict) # write tier - align_output_path = os.path.join( - os.path.dirname(self.args.result_file), "align") - tier_path = os.path.join(align_output_path, key[0] + ".tier") - with open(tier_path, 'w') as f: + align_output_path = Path(self.args.result_file).parent / "align" + align_output_path.mkdir(parents=True, exist_ok=True) + tier_path = align_output_path / (key[0] + ".tier") + with tier_path.open('w') as f: f.writelines(tierformat) # write textgrid - textgrid_path = os.path.join(align_output_path, - key[0] + ".TextGrid") + textgrid_path = align_output_path / (key[0] + ".TextGrid") second_per_frame = 1. / (1000. / stride_ms) # 25ms window, 10ms stride second_per_example = ( @@ -595,7 +594,7 @@ class U2Tester(U2Trainer): text_grid.generate_textgrid( maxtime=second_per_example, intervals=tierformat, - output=textgrid_path) + output=str(textgrid_path)) def run_align(self): self.resume_or_scratch() diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index 3d15e0259..1dbdfef85 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -545,9 +545,8 @@ class U2Tester(U2Trainer): self.model.eval() logger.info(f"Align Total Examples: {len(self.align_loader.dataset)}") - stride_ms = self.config.collater.stride_ms - token_dict = self.args.char_list - + stride_ms = self.align_loader.collate_fn.stride_ms + token_dict = self.align_loader.collate_fn.vocab_list with open(self.args.result_file, 'w') as fout: # one example in batch for i, batch in enumerate(self.align_loader): @@ -564,26 +563,25 @@ class U2Tester(U2Trainer): ctc_probs = ctc_probs.squeeze(0) target = target.squeeze(0) alignment = ctc_utils.forced_align(ctc_probs, target) - logger.info("align ids", key[0], alignment) + logger.info(f"align ids: {key[0]} {alignment}") fout.write('{} {}\n'.format(key[0], alignment)) # 3. gen praat # segment alignment align_segs = text_grid.segment_alignment(alignment) - logger.info("align tokens", key[0], align_segs) + logger.info(f"align tokens: {key[0]}, {align_segs}") # IntervalTier, List["start end token\n"] subsample = utility.get_subsample(self.config) tierformat = text_grid.align_to_tierformat( align_segs, subsample, token_dict) # write tier - align_output_path = os.path.join( - os.path.dirname(self.args.result_file), "align") - tier_path = os.path.join(align_output_path, key[0] + ".tier") - with open(tier_path, 'w') as f: + align_output_path = Path(self.args.result_file).parent / "align" + align_output_path.mkdir(parents=True, exist_ok=True) + tier_path = align_output_path / (key[0] + ".tier") + with tier_path.open('w') as f: f.writelines(tierformat) # write textgrid - textgrid_path = os.path.join(align_output_path, - key[0] + ".TextGrid") + textgrid_path = align_output_path / (key[0] + ".TextGrid") second_per_frame = 1. / (1000. / stride_ms) # 25ms window, 10ms stride second_per_example = ( @@ -591,7 +589,7 @@ class U2Tester(U2Trainer): text_grid.generate_textgrid( maxtime=second_per_example, intervals=tierformat, - output=textgrid_path) + output=str(textgrid_path)) def run_align(self): self.resume_or_scratch() diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index 91a81503f..364070d23 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -595,26 +595,25 @@ class U2STTester(U2STTrainer): ctc_probs = ctc_probs.squeeze(0) target = target.squeeze(0) alignment = ctc_utils.forced_align(ctc_probs, target) - logger.info("align ids", key[0], alignment) + logger.info(f"align ids: {key[0]} {alignment}") fout.write('{} {}\n'.format(key[0], alignment)) # 3. gen praat # segment alignment align_segs = text_grid.segment_alignment(alignment) - logger.info("align tokens", key[0], align_segs) + logger.info(f"align tokens: {key[0]}, {align_segs}") # IntervalTier, List["start end token\n"] subsample = utility.get_subsample(self.config) tierformat = text_grid.align_to_tierformat( align_segs, subsample, token_dict) # write tier - align_output_path = os.path.join( - os.path.dirname(self.args.result_file), "align") - tier_path = os.path.join(align_output_path, key[0] + ".tier") - with open(tier_path, 'w') as f: + align_output_path = Path(self.args.result_file).parent / "align" + align_output_path.mkdir(parents=True, exist_ok=True) + tier_path = align_output_path / (key[0] + ".tier") + with tier_path.open('w') as f: f.writelines(tierformat) # write textgrid - textgrid_path = os.path.join(align_output_path, - key[0] + ".TextGrid") + textgrid_path = align_output_path / (key[0] + ".TextGrid") second_per_frame = 1. / (1000. / stride_ms) # 25ms window, 10ms stride second_per_example = ( @@ -622,7 +621,7 @@ class U2STTester(U2STTrainer): text_grid.generate_textgrid( maxtime=second_per_example, intervals=tierformat, - output=textgrid_path) + output=str(textgrid_path)) def run_align(self): self.resume_or_scratch() diff --git a/deepspeech/utils/ctc_utils.py b/deepspeech/utils/ctc_utils.py index 6201233df..9f2271814 100644 --- a/deepspeech/utils/ctc_utils.py +++ b/deepspeech/utils/ctc_utils.py @@ -86,8 +86,10 @@ def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, log_alpha = paddle.zeros( (ctc_probs.size(0), len(y_insert_blank))) #(T, 2L+1) log_alpha = log_alpha - float('inf') # log of zero + + # self.__setitem_varbase__(item, value) When assign a value to a paddle.Tensor, the data type of the paddle.Tensor not support int16 state_path = (paddle.zeros( - (ctc_probs.size(0), len(y_insert_blank)), dtype=paddle.int16) - 1 + (ctc_probs.size(0), len(y_insert_blank)), dtype=paddle.int32) - 1 ) # state path, Tuple((T, 2L+1)) # init start state @@ -111,8 +113,8 @@ def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, log_alpha[t, s] = paddle.max(candidates) + ctc_probs[t][ y_insert_blank[s]] state_path[t, s] = prev_state[paddle.argmax(candidates)] - - state_seq = -1 * paddle.ones((ctc_probs.size(0), 1), dtype=paddle.int16) + # self.__setitem_varbase__(item, value) When assign a value to a paddle.Tensor, the data type of the paddle.Tensor not support int16 + state_seq = -1 * paddle.ones((ctc_probs.size(0), 1), dtype=paddle.int32) candidates = paddle.to_tensor([ log_alpha[-1, len(y_insert_blank) - 1], # Sb From 7ae204eb0ff2da2a1178765abdb1cb250be7665b Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 05:58:57 +0000 Subject: [PATCH 077/103] fix log for u2 --- deepspeech/exps/u2/model.py | 16 +++++++++------- 1 file changed, 9 insertions(+), 7 deletions(-) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index ce3d17cc2..b228c5e38 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -123,13 +123,13 @@ class U2Trainer(Trainer): iteration_time = time.time() - start - if (batch_index + 1) % train_conf.log_interval == 0: - for k, v in losses_np.items(): - report(k, v) - report("batch_size", self.config.collator.batch_size) - report("accum", train_conf.accum_grad) - report("step_cost", iteration_time) + for k, v in losses_np.items(): + report(k, v) + report("batch_size", self.config.collator.batch_size) + report("accum", train_conf.accum_grad) + report("step_cost", iteration_time) + if (batch_index + 1) % train_conf.accum_grad == 0: if dist.get_rank() == 0 and self.visualizer: losses_np_v = losses_np.copy() losses_np_v.update({"lr": self.lr_scheduler()}) @@ -223,7 +223,9 @@ class U2Trainer(Trainer): msg += f"{v:>.8f}" if isinstance(v, float) else f"{v}" msg += "," - logger.info(msg) + if (batch_index + 1 + ) % self.config.training.log_interval == 0: + logger.info(msg) data_start_time = time.time() except Exception as e: logger.error(e) From b9beea5ab14ae81eb10989d79e18ed82546934e1 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 07:19:59 +0000 Subject: [PATCH 078/103] fix bench --- examples/tiny/s1/conf/augmentation.json | 8 ++++---- tests/benchmark/run_benchmark.sh | 2 +- 2 files changed, 5 insertions(+), 5 deletions(-) diff --git a/examples/tiny/s1/conf/augmentation.json b/examples/tiny/s1/conf/augmentation.json index 6010c2e47..9996cd4e9 100644 --- a/examples/tiny/s1/conf/augmentation.json +++ b/examples/tiny/s1/conf/augmentation.json @@ -19,17 +19,17 @@ { "type": "specaug", "params": { + "W": 0, + "warp_mode": "PIL", "F": 10, - "T": 50, "n_freq_masks": 2, + "T": 50, "n_time_masks": 2, "p": 1.0, - "W": 80, "adaptive_number_ratio": 0, "adaptive_size_ratio": 0, "max_n_time_masks": 20, - "replace_with_zero": true, - "warp_mode": "PIL" + "replace_with_zero": true }, "prob": 1.0 } diff --git a/tests/benchmark/run_benchmark.sh b/tests/benchmark/run_benchmark.sh index eb1117936..bd4655d19 100755 --- a/tests/benchmark/run_benchmark.sh +++ b/tests/benchmark/run_benchmark.sh @@ -35,7 +35,7 @@ function _train(){ esac # 以下不用修改 - CUDA_VISIBLE_DEVICES=${device} timeout 15m ${train_cmd} > ${log_file} 2>&1 + timeout 15m ${train_cmd} > ${log_file} 2>&1 if [ $? -ne 0 ];then echo -e "${model_name}, FAIL" export job_fail_flag=1 From 6ae6ca85b728016c479d2101a827db764c4198cf Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 07:21:14 +0000 Subject: [PATCH 079/103] more prof log --- deepspeech/utils/profiler.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/deepspeech/utils/profiler.py b/deepspeech/utils/profiler.py index 83b003cad..5733f8ed5 100644 --- a/deepspeech/utils/profiler.py +++ b/deepspeech/utils/profiler.py @@ -104,8 +104,8 @@ def add_profiler_step(options_str=None): if _profiler_options is None: _profiler_options = ProfilerOptions(options_str) - logger.info(f"{options_str}") - logger.info(f"{_profiler_options._options}") + logger.info(f"Profiler: {options_str}") + logger.info(f"Profiler: {_profiler_options._options}") if _profiler_step_id == _profiler_options['batch_range'][0]: paddle.utils.profiler.start_profiler(_profiler_options['state'], From 7775abd727ab1f08387c0bc4f1230770a23de15a Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 08:57:11 +0000 Subject: [PATCH 080/103] fix prof switch --- deepspeech/training/trainer.py | 4 +--- 1 file changed, 1 insertion(+), 3 deletions(-) diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index a5efdd541..f4998fdf1 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -200,10 +200,8 @@ class Trainer(): batch_sampler.set_epoch(self.epoch) def after_train_batch(self): - if self.args.profiler_options: - profiler.add_profiler_step(self.args.profiler_options) - if self.args.benchmark_max_step and self.iteration > self.args.benchmark_max_step: + profiler.add_profiler_step(self.args.profiler_options) logger.info( f"Reach benchmark-max-step: {self.args.benchmark_max_step}") sys.exit( From daaa72a6060b6a8e0de81bae42df0e63d01be707 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 09:37:26 +0000 Subject: [PATCH 081/103] resuem train with epoch and iteration increase --- deepspeech/exps/u2/model.py | 10 +------- deepspeech/exps/u2_kaldi/model.py | 6 +---- deepspeech/exps/u2_st/model.py | 9 +------ deepspeech/training/trainer.py | 39 ++++++++++++++++++++----------- 4 files changed, 28 insertions(+), 36 deletions(-) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index b228c5e38..a5cef15c8 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -183,15 +183,7 @@ class U2Trainer(Trainer): # script_model_path = str(self.checkpoint_dir / 'init') # paddle.jit.save(script_model, script_model_path) - from_scratch = self.resume_or_scratch() - if from_scratch: - # save init model, i.e. 0 epoch - self.save(tag='init', infos=None) - - # lr will resotre from optimizer ckpt - # self.lr_scheduler.step(self.iteration) - if self.parallel and hasattr(self.train_loader, 'batch_sampler'): - self.train_loader.batch_sampler.set_epoch(self.epoch) + self.before_train() logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index 116ab2808..bc7cd4fd3 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -184,11 +184,7 @@ class U2Trainer(Trainer): # script_model_path = str(self.checkpoint_dir / 'init') # paddle.jit.save(script_model, script_model_path) - from_scratch = self.resume_or_scratch() - if from_scratch: - # save init model, i.e. 0 epoch - self.save(tag='init') - self.lr_scheduler.step(self.iteration) + self.before_train() logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index eb84d6f11..4f95bc42b 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -198,14 +198,7 @@ class U2STTrainer(Trainer): # script_model_path = str(self.checkpoint_dir / 'init') # paddle.jit.save(script_model, script_model_path) - from_scratch = self.resume_or_scratch() - if from_scratch: - # save init model, i.e. 0 epoch - self.save(tag='init') - - self.lr_scheduler.step(self.iteration) - if self.parallel: - self.train_loader.batch_sampler.set_epoch(self.epoch) + self.before_train() logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index f4998fdf1..7815ed675 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -179,7 +179,8 @@ class Trainer(): checkpoint_dir=self.checkpoint_dir, checkpoint_path=self.args.checkpoint_path) if infos: - # restore from ckpt + # just restore ckpt + # lr will resotre from optimizer ckpt self.iteration = infos["step"] self.epoch = infos["epoch"] scratch = False @@ -190,14 +191,31 @@ class Trainer(): logger.info("Restore/Init checkpoint!") return scratch + def maybe_batch_sampler_step(self): + """ batch_sampler seed by epoch """ + if hasattr(self.train_loader, "batch_sampler"): + batch_sampler = self.train_loader.batch_sampler + if isinstance(batch_sampler, paddle.io.DistributedBatchSampler): + batch_sampler.set_epoch(self.epoch) + + def before_train(self, from_scratch): + from_scratch = self.resume_or_scratch() + if from_scratch: + # scratch: save init model, i.e. 0 epoch + self.save(tag='init', infos=None) + else: + # resume: train next_epoch and next_iteration + self.epoch += 1 + self.iteration += 1 + + self.maybe_batch_sampler_step() + def new_epoch(self): """Reset the train loader seed and increment `epoch`. """ + # `iteration` increased by train step self.epoch += 1 - if self.parallel and hasattr(self.train_loader, "batch_sampler"): - batch_sampler = self.train_loader.batch_sampler - if isinstance(batch_sampler, paddle.io.DistributedBatchSampler): - batch_sampler.set_epoch(self.epoch) + self.maybe_batch_sampler_step() def after_train_batch(self): if self.args.benchmark_max_step and self.iteration > self.args.benchmark_max_step: @@ -209,15 +227,7 @@ class Trainer(): def train(self): """The training process control by epoch.""" - from_scratch = self.resume_or_scratch() - if from_scratch: - # save init model, i.e. 0 epoch - self.save(tag='init', infos=None) - - # lr will resotre from optimizer ckpt - # self.lr_scheduler.step(self.epoch) - if self.parallel and hasattr(self.train_loader, "batch_sampler"): - self.train_loader.batch_sampler.set_epoch(self.epoch) + self.before_train() logger.info(f"Train Total Examples: {len(self.train_loader.dataset)}") while self.epoch < self.config.training.n_epoch: @@ -275,6 +285,7 @@ class Trainer(): 'epoch', {'cv_loss': cv_loss, 'lr': self.lr_scheduler()}, self.epoch) + # after epoch self.save(tag=self.epoch, infos={'val_loss': cv_loss}) # step lr every epoch self.lr_scheduler.step() From 676d160dfa50810b167694137d58d2a7797cbce6 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 09:41:18 +0000 Subject: [PATCH 082/103] more resume ckpt info --- deepspeech/training/trainer.py | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 7815ed675..22dded6fa 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -184,11 +184,13 @@ class Trainer(): self.iteration = infos["step"] self.epoch = infos["epoch"] scratch = False + logger.info( + f"Restore ckpt: epoch {self.epoch }, step {self.iteration}!") else: self.iteration = 0 self.epoch = 0 scratch = True - logger.info("Restore/Init checkpoint!") + logger.info("Init from scratch!") return scratch def maybe_batch_sampler_step(self): @@ -207,6 +209,8 @@ class Trainer(): # resume: train next_epoch and next_iteration self.epoch += 1 self.iteration += 1 + logger.info( + f"Resume train: epoch {self.epoch }, step {self.iteration}!") self.maybe_batch_sampler_step() From 431106b986e4cf6def9ff1b34248191c9ff9e622 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 09:42:24 +0000 Subject: [PATCH 083/103] fix bugs --- deepspeech/training/trainer.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 22dded6fa..ffc52775a 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -200,7 +200,7 @@ class Trainer(): if isinstance(batch_sampler, paddle.io.DistributedBatchSampler): batch_sampler.set_epoch(self.epoch) - def before_train(self, from_scratch): + def before_train(self): from_scratch = self.resume_or_scratch() if from_scratch: # scratch: save init model, i.e. 0 epoch From 56e55c2171762a5572b8a18db7f11358dd5bc206 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Sat, 18 Sep 2021 09:45:22 +0000 Subject: [PATCH 084/103] not save ckpt when except, since resume train will increase epoch and step --- deepspeech/training/trainer.py | 1 - 1 file changed, 1 deletion(-) diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index ffc52775a..c1afd3629 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -303,7 +303,6 @@ class Trainer(): try: self.train() except KeyboardInterrupt: - self.save() exit(-1) finally: self.destory() From f0184352f510d058fb0faf2cee607bdf889190c1 Mon Sep 17 00:00:00 2001 From: huangyuxin Date: Mon, 20 Sep 2021 09:41:05 +0000 Subject: [PATCH 085/103] change the code format to 2.x style --- .../frontend/featurizer/text_featurizer.py | 15 +- deepspeech/frontend/normalizer.py | 3 +- deepspeech/frontend/utility.py | 35 +- .../transv1.8to2.x/data/aishell/aishell.py | 123 - .../data/librispeech/librispeech.py | 159 - .../data/noise/chime3_background.py | 139 - .../transv1.8to2.x/data/voxforge/run_data.sh | 16 - .../transv1.8to2.x/data/voxforge/voxforge.py | 234 - examples/transv1.8to2.x/data_utils/audio.py | 695 - .../data_utils/augmentor/__init__.py | 13 - .../data_utils/augmentor/augmentation.py | 134 - .../data_utils/augmentor/base.py | 43 - .../data_utils/augmentor/impulse_response.py | 43 - .../data_utils/augmentor/noise_perturb.py | 58 - .../online_bayesian_normalization.py | 57 - .../data_utils/augmentor/resample.py | 42 - .../data_utils/augmentor/shift_perturb.py | 43 - .../data_utils/augmentor/speed_perturb.py | 56 - .../data_utils/augmentor/volume_perturb.py | 49 - examples/transv1.8to2.x/data_utils/data.py | 380 - .../data_utils/featurizer/__init__.py | 13 - .../data_utils/featurizer/audio_featurizer.py | 194 - .../featurizer/speech_featurizer.py | 107 - .../data_utils/featurizer/text_featurizer.py | 76 - .../transv1.8to2.x/data_utils/normalizer.py | 97 - examples/transv1.8to2.x/data_utils/speech.py | 153 - examples/transv1.8to2.x/data_utils/utility.py | 98 - .../deepspeech/decoders/README.MD | 3 - .../deepspeech/decoders/__init__.py | 13 - .../decoders/decoders_deprecated.py | 248 - .../deepspeech/decoders/scorer_deprecated.py | 78 - .../deepspeech/decoders/swig_wrapper.py | 134 - .../deepspeech/frontend/__init__.py | 13 - .../deepspeech/frontend/audio.py | 721 - .../deepspeech/frontend/augmentor/__init__.py | 13 - .../frontend/augmentor/augmentation.py | 218 - .../deepspeech/frontend/augmentor/base.py | 59 - .../frontend/augmentor/impulse_response.py | 50 - .../frontend/augmentor/noise_perturb.py | 64 - .../online_bayesian_normalization.py | 63 - .../deepspeech/frontend/augmentor/resample.py | 48 - .../frontend/augmentor/shift_perturb.py | 49 - .../frontend/augmentor/spec_augment.py | 256 - .../frontend/augmentor/speed_perturb.py | 106 - .../frontend/augmentor/volume_perturb.py | 55 - .../frontend/featurizer/__init__.py | 16 - .../frontend/featurizer/audio_featurizer.py | 363 - .../frontend/featurizer/speech_featurizer.py | 153 - .../frontend/featurizer/text_featurizer.py | 202 - .../deepspeech/frontend/normalizer.py | 199 - .../deepspeech/frontend/speech.py | 217 - .../deepspeech/frontend/utility.py | 289 - .../transv1.8to2.x/deepspeech/io/__init__.py | 13 - .../transv1.8to2.x/deepspeech/io/batchfy.py | 469 - .../transv1.8to2.x/deepspeech/io/collator.py | 321 - .../deepspeech/io/collator_st.py | 631 - .../transv1.8to2.x/deepspeech/io/converter.py | 81 - .../deepspeech/io/dataloader.py | 170 - .../transv1.8to2.x/deepspeech/io/dataset.py | 149 - .../transv1.8to2.x/deepspeech/io/reader.py | 410 - .../transv1.8to2.x/deepspeech/io/sampler.py | 251 - .../transv1.8to2.x/deepspeech/io/utility.py | 87 - .../deepspeech/models/__init__.py | 13 - .../deepspeech/models/ds2/conv.py | 165 - .../deepspeech/modules/__init__.py | 13 - .../deepspeech/modules/activation.py | 145 - .../transv1.8to2.x/deepspeech/modules/cmvn.py | 51 - .../transv1.8to2.x/deepspeech/modules/crf.py | 370 - .../transv1.8to2.x/deepspeech/modules/ctc.py | 274 - .../deepspeech/modules/decoder.py | 182 - .../deepspeech/modules/decoder_layer.py | 151 - .../deepspeech/modules/encoder.py | 453 - .../transv1.8to2.x/deepspeech/modules/loss.py | 144 - .../transv1.8to2.x/deepspeech/modules/mask.py | 260 - .../deepspeech/utils/__init__.py | 13 - .../deepspeech/utils/bleu_score.py | 54 - .../deepspeech/utils/checkpoint.py | 298 - .../deepspeech/utils/ctc_utils.py | 134 - .../deepspeech/utils/dynamic_import.py | 67 - .../deepspeech/utils/error_rate.py | 206 - .../deepspeech/utils/layer_tools.py | 88 - .../transv1.8to2.x/deepspeech/utils/log.py | 182 - .../deepspeech/utils/mp_tools.py | 30 - .../deepspeech/utils/socket_server.py | 112 - .../deepspeech/utils/tensor_utils.py | 180 - .../deepspeech/utils/text_grid.py | 127 - .../deepspeech/utils/utility.py | 110 - .../example/aishell/run_data.sh | 42 - .../example/aishell/run_infer_golden.sh | 55 - .../example/aishell/run_test_golden.sh | 54 - .../example/baidu_en8k/run_data.sh | 45 - .../example/baidu_en8k/run_infer_golden.sh | 55 - .../example/baidu_en8k/run_test_golden.sh | 55 - .../example/librispeech/run_data.sh | 45 - .../example/librispeech/run_infer_golden.sh | 55 - .../example/librispeech/run_test_golden.sh | 55 - examples/transv1.8to2.x/infer2x.py | 163 - .../transv1.8to2.x/model_utils/__init__.py | 13 - .../transv1.8to2.x/model_utils/model_check.py | 49 - examples/transv1.8to2.x/test2x.py | 169 - examples/transv1.8to2.x/tools/_init_paths.py | 31 - examples/transv1.8to2.x/tools/build_vocab.py | 70 - .../transv1.8to2.x/tools/compute_mean_std.py | 64 - examples/transv1.8to2.x/utils/__init__.py | 13 - examples/transv1.8to2.x/utils/error_rate.py | 204 - .../utils/tests/test_error_rate.py | 124 - examples/transv1.8to2.x/utils/utility.py | 56 - examples/transv1.8to2.x/utils/utility.sh | 23 - examples/v18_to_v2x/.gitignore | 1 + .../deepspeech2x}/__init__.py | 0 examples/v18_to_v2x/deepspeech2x/bin/test.py | 56 + examples/v18_to_v2x/deepspeech2x/model.py | 427 + .../deepspeech2x/models}/__init__.py | 0 .../deepspeech2x}/models/ds2/__init__.py | 0 .../deepspeech2x}/models/ds2/deepspeech2.py | 9 +- .../deepspeech2x}/models/ds2/rnn.py | 0 examples/v18_to_v2x/exp_aishell/.gitignore | 4 + .../exp_aishell/conf/augmentation.json | 1 + .../exp_aishell/conf/deepspeech2.yaml | 67 + examples/v18_to_v2x/exp_aishell/local/data.sh | 86 + .../exp_aishell/local}/download_lm_ch.sh | 9 +- .../exp_aishell/local}/download_model.sh | 2 +- examples/v18_to_v2x/exp_aishell/local/test.sh | 39 + examples/v18_to_v2x/exp_aishell/path.sh | 16 + examples/v18_to_v2x/exp_aishell/run.sh | 27 + examples/v18_to_v2x/exp_baidu_en8k/.gitignore | 4 + .../exp_baidu_en8k/conf/augmentation.json | 1 + .../exp_baidu_en8k/conf/deepspeech2.yaml | 67 + .../v18_to_v2x/exp_baidu_en8k/local/data.sh | 101 + .../exp_baidu_en8k/local}/download_lm_en.sh | 10 +- .../exp_baidu_en8k/local}/download_model.sh | 2 +- .../v18_to_v2x/exp_baidu_en8k/local/test.sh | 39 + examples/v18_to_v2x/exp_baidu_en8k/path.sh | 16 + examples/v18_to_v2x/exp_baidu_en8k/run.sh | 27 + .../v18_to_v2x/exp_librispeech/.gitignore | 4 + .../exp_librispeech/conf/augmentation.json | 1 + .../exp_librispeech/conf/deepspeech2.yaml | 67 + .../v18_to_v2x/exp_librispeech/local/data.sh | 101 + .../exp_librispeech/local/download_lm_en.sh | 20 + .../exp_librispeech/local}/download_model.sh | 2 +- .../v18_to_v2x/exp_librispeech/local/test.sh | 39 + .../v18_to_v2x/exp_librispeech/nohup_test.out | 48597 ++++++++++++++++ examples/v18_to_v2x/exp_librispeech/path.sh | 16 + examples/v18_to_v2x/exp_librispeech/run.sh | 26 + 144 files changed, 49903 insertions(+), 14530 deletions(-) delete mode 100644 examples/transv1.8to2.x/data/aishell/aishell.py delete mode 100644 examples/transv1.8to2.x/data/librispeech/librispeech.py delete mode 100644 examples/transv1.8to2.x/data/noise/chime3_background.py delete mode 100644 examples/transv1.8to2.x/data/voxforge/run_data.sh delete mode 100644 examples/transv1.8to2.x/data/voxforge/voxforge.py delete mode 100644 examples/transv1.8to2.x/data_utils/audio.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/__init__.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/augmentation.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/base.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/impulse_response.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/noise_perturb.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/online_bayesian_normalization.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/resample.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/shift_perturb.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/speed_perturb.py delete mode 100644 examples/transv1.8to2.x/data_utils/augmentor/volume_perturb.py delete mode 100644 examples/transv1.8to2.x/data_utils/data.py delete mode 100644 examples/transv1.8to2.x/data_utils/featurizer/__init__.py delete mode 100644 examples/transv1.8to2.x/data_utils/featurizer/audio_featurizer.py delete mode 100644 examples/transv1.8to2.x/data_utils/featurizer/speech_featurizer.py delete mode 100644 examples/transv1.8to2.x/data_utils/featurizer/text_featurizer.py delete mode 100644 examples/transv1.8to2.x/data_utils/normalizer.py delete mode 100644 examples/transv1.8to2.x/data_utils/speech.py delete mode 100644 examples/transv1.8to2.x/data_utils/utility.py delete mode 100644 examples/transv1.8to2.x/deepspeech/decoders/README.MD delete mode 100644 examples/transv1.8to2.x/deepspeech/decoders/__init__.py delete mode 100644 examples/transv1.8to2.x/deepspeech/decoders/decoders_deprecated.py delete mode 100644 examples/transv1.8to2.x/deepspeech/decoders/scorer_deprecated.py delete mode 100644 examples/transv1.8to2.x/deepspeech/decoders/swig_wrapper.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/__init__.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/audio.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/__init__.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/augmentation.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/base.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/impulse_response.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/noise_perturb.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/online_bayesian_normalization.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/resample.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/shift_perturb.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/spec_augment.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/speed_perturb.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/augmentor/volume_perturb.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/featurizer/__init__.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/featurizer/audio_featurizer.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/featurizer/speech_featurizer.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/featurizer/text_featurizer.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/normalizer.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/speech.py delete mode 100644 examples/transv1.8to2.x/deepspeech/frontend/utility.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/__init__.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/batchfy.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/collator.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/collator_st.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/converter.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/dataloader.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/dataset.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/reader.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/sampler.py delete mode 100644 examples/transv1.8to2.x/deepspeech/io/utility.py delete mode 100644 examples/transv1.8to2.x/deepspeech/models/__init__.py delete mode 100644 examples/transv1.8to2.x/deepspeech/models/ds2/conv.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/__init__.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/activation.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/cmvn.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/crf.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/ctc.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/decoder.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/decoder_layer.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/encoder.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/loss.py delete mode 100644 examples/transv1.8to2.x/deepspeech/modules/mask.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/__init__.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/bleu_score.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/checkpoint.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/ctc_utils.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/dynamic_import.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/error_rate.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/layer_tools.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/log.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/mp_tools.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/socket_server.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/tensor_utils.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/text_grid.py delete mode 100644 examples/transv1.8to2.x/deepspeech/utils/utility.py delete mode 100644 examples/transv1.8to2.x/example/aishell/run_data.sh delete mode 100644 examples/transv1.8to2.x/example/aishell/run_infer_golden.sh delete mode 100644 examples/transv1.8to2.x/example/aishell/run_test_golden.sh delete mode 100644 examples/transv1.8to2.x/example/baidu_en8k/run_data.sh delete mode 100644 examples/transv1.8to2.x/example/baidu_en8k/run_infer_golden.sh delete mode 100644 examples/transv1.8to2.x/example/baidu_en8k/run_test_golden.sh delete mode 100644 examples/transv1.8to2.x/example/librispeech/run_data.sh delete mode 100644 examples/transv1.8to2.x/example/librispeech/run_infer_golden.sh delete mode 100644 examples/transv1.8to2.x/example/librispeech/run_test_golden.sh delete mode 100644 examples/transv1.8to2.x/infer2x.py delete mode 100644 examples/transv1.8to2.x/model_utils/__init__.py delete mode 100644 examples/transv1.8to2.x/model_utils/model_check.py delete mode 100644 examples/transv1.8to2.x/test2x.py delete mode 100644 examples/transv1.8to2.x/tools/_init_paths.py delete mode 100644 examples/transv1.8to2.x/tools/build_vocab.py delete mode 100644 examples/transv1.8to2.x/tools/compute_mean_std.py delete mode 100644 examples/transv1.8to2.x/utils/__init__.py delete mode 100644 examples/transv1.8to2.x/utils/error_rate.py delete mode 100644 examples/transv1.8to2.x/utils/tests/test_error_rate.py delete mode 100644 examples/transv1.8to2.x/utils/utility.py delete mode 100644 examples/transv1.8to2.x/utils/utility.sh create mode 100644 examples/v18_to_v2x/.gitignore rename examples/{transv1.8to2.x/deepspeech => v18_to_v2x/deepspeech2x}/__init__.py (100%) create mode 100644 examples/v18_to_v2x/deepspeech2x/bin/test.py create mode 100644 examples/v18_to_v2x/deepspeech2x/model.py rename examples/{transv1.8to2.x/data_utils => v18_to_v2x/deepspeech2x/models}/__init__.py (100%) rename examples/{transv1.8to2.x/deepspeech => v18_to_v2x/deepspeech2x}/models/ds2/__init__.py (100%) rename examples/{transv1.8to2.x/deepspeech => v18_to_v2x/deepspeech2x}/models/ds2/deepspeech2.py (97%) rename examples/{transv1.8to2.x/deepspeech => v18_to_v2x/deepspeech2x}/models/ds2/rnn.py (100%) create mode 100644 examples/v18_to_v2x/exp_aishell/.gitignore create mode 100644 examples/v18_to_v2x/exp_aishell/conf/augmentation.json create mode 100644 examples/v18_to_v2x/exp_aishell/conf/deepspeech2.yaml create mode 100755 examples/v18_to_v2x/exp_aishell/local/data.sh rename examples/{transv1.8to2.x/models/lm => v18_to_v2x/exp_aishell/local}/download_lm_ch.sh (69%) mode change 100644 => 100755 rename examples/{transv1.8to2.x/models/aishell => v18_to_v2x/exp_aishell/local}/download_model.sh (91%) create mode 100755 examples/v18_to_v2x/exp_aishell/local/test.sh create mode 100644 examples/v18_to_v2x/exp_aishell/path.sh create mode 100755 examples/v18_to_v2x/exp_aishell/run.sh create mode 100644 examples/v18_to_v2x/exp_baidu_en8k/.gitignore create mode 100644 examples/v18_to_v2x/exp_baidu_en8k/conf/augmentation.json create mode 100644 examples/v18_to_v2x/exp_baidu_en8k/conf/deepspeech2.yaml create mode 100755 examples/v18_to_v2x/exp_baidu_en8k/local/data.sh rename examples/{transv1.8to2.x/models/lm => v18_to_v2x/exp_baidu_en8k/local}/download_lm_en.sh (69%) mode change 100644 => 100755 rename examples/{transv1.8to2.x/models/baidu_en8k => v18_to_v2x/exp_baidu_en8k/local}/download_model.sh (91%) create mode 100755 examples/v18_to_v2x/exp_baidu_en8k/local/test.sh create mode 100644 examples/v18_to_v2x/exp_baidu_en8k/path.sh create mode 100755 examples/v18_to_v2x/exp_baidu_en8k/run.sh create mode 100644 examples/v18_to_v2x/exp_librispeech/.gitignore create mode 100644 examples/v18_to_v2x/exp_librispeech/conf/augmentation.json create mode 100644 examples/v18_to_v2x/exp_librispeech/conf/deepspeech2.yaml create mode 100755 examples/v18_to_v2x/exp_librispeech/local/data.sh create mode 100755 examples/v18_to_v2x/exp_librispeech/local/download_lm_en.sh rename examples/{transv1.8to2.x/models/librispeech => v18_to_v2x/exp_librispeech/local}/download_model.sh (91%) create mode 100755 examples/v18_to_v2x/exp_librispeech/local/test.sh create mode 100644 examples/v18_to_v2x/exp_librispeech/nohup_test.out create mode 100644 examples/v18_to_v2x/exp_librispeech/path.sh create mode 100755 examples/v18_to_v2x/exp_librispeech/run.sh diff --git a/deepspeech/frontend/featurizer/text_featurizer.py b/deepspeech/frontend/featurizer/text_featurizer.py index e4364f70a..7dc01c40a 100644 --- a/deepspeech/frontend/featurizer/text_featurizer.py +++ b/deepspeech/frontend/featurizer/text_featurizer.py @@ -76,7 +76,7 @@ class TextFeaturizer(): Args: text (str): Text. - + Returns: List[int]: List of token indices. """ @@ -89,7 +89,7 @@ class TextFeaturizer(): def defeaturize(self, idxs): """Convert a list of token indices to text string, - ignore index after eos_id. + ignore index after eos_id. Args: idxs (List[int]): List of token indices. @@ -196,7 +196,12 @@ class TextFeaturizer(): [(idx, token) for (idx, token) in enumerate(vocab_list)]) token2id = dict( [(token, idx) for (idx, token) in enumerate(vocab_list)]) - - unk_id = vocab_list.index(UNK) - eos_id = vocab_list.index(EOS) + if UNK in vocab_list: + unk_id = vocab_list.index(UNK) + else: + unk_id = -1 + if EOS in vocab_list: + eos_id = vocab_list.index(EOS) + else: + eos_id = -1 return token2id, id2token, vocab_list, unk_id, eos_id diff --git a/deepspeech/frontend/normalizer.py b/deepspeech/frontend/normalizer.py index 73b3a4ba6..6ace4fc6d 100644 --- a/deepspeech/frontend/normalizer.py +++ b/deepspeech/frontend/normalizer.py @@ -130,7 +130,8 @@ class FeatureNormalizer(object): def _read_mean_std_from_file(self, filepath, eps=1e-20): """Load mean and std from file.""" - mean, istd = load_cmvn(filepath, filetype='json') + filetype = filepath.split(".")[-1] + mean, istd = load_cmvn(filepath, filetype=filetype) self._mean = np.expand_dims(mean, axis=0) self._istd = np.expand_dims(istd, axis=0) diff --git a/deepspeech/frontend/utility.py b/deepspeech/frontend/utility.py index 72dfc98dd..c6781cd4e 100644 --- a/deepspeech/frontend/utility.py +++ b/deepspeech/frontend/utility.py @@ -69,19 +69,19 @@ def read_manifest( Args: manifest_path ([type]): Manifest file to load and parse. - max_input_len ([type], optional): maximum output seq length, - in seconds for raw wav, in frame numbers for feature data. + max_input_len ([type], optional): maximum output seq length, + in seconds for raw wav, in frame numbers for feature data. Defaults to float('inf'). - min_input_len (float, optional): minimum input seq length, - in seconds for raw wav, in frame numbers for feature data. + min_input_len (float, optional): minimum input seq length, + in seconds for raw wav, in frame numbers for feature data. Defaults to 0.0. - max_output_len (float, optional): maximum input seq length, + max_output_len (float, optional): maximum input seq length, in modeling units. Defaults to 500.0. - min_output_len (float, optional): minimum input seq length, + min_output_len (float, optional): minimum input seq length, in modeling units. Defaults to 0.0. - max_output_input_ratio (float, optional): + max_output_input_ratio (float, optional): maximum output seq length/output seq length ratio. Defaults to 10.0. - min_output_input_ratio (float, optional): + min_output_input_ratio (float, optional): minimum output seq length/output seq length ratio. Defaults to 0.05. Raises: @@ -131,7 +131,7 @@ def rms_to_dbfs(rms: float): """Root Mean Square to dBFS. https://fireattack.wordpress.com/2017/02/06/replaygain-loudness-normalization-and-applications/ Audio is mix of sine wave, so 1 amp sine wave's Full scale is 0.7071, equal to -3.0103dB. - + dB = dBFS + 3.0103 dBFS = db - 3.0103 e.g. 0 dB = -3.0103 dBFS @@ -146,26 +146,26 @@ def rms_to_dbfs(rms: float): def max_dbfs(sample_data: np.ndarray): - """Peak dBFS based on the maximum energy sample. + """Peak dBFS based on the maximum energy sample. Args: sample_data ([np.ndarray]): float array, [-1, 1]. Returns: - float: dBFS + float: dBFS """ # Peak dBFS based on the maximum energy sample. Will prevent overdrive if used for normalization. return rms_to_dbfs(max(abs(np.min(sample_data)), abs(np.max(sample_data)))) def mean_dbfs(sample_data): - """Peak dBFS based on the RMS energy. + """Peak dBFS based on the RMS energy. Args: sample_data ([np.ndarray]): float array, [-1, 1]. Returns: - float: dBFS + float: dBFS """ return rms_to_dbfs( math.sqrt(np.mean(np.square(sample_data, dtype=np.float64)))) @@ -185,7 +185,7 @@ def gain_db_to_ratio(gain_db: float): def normalize_audio(sample_data: np.ndarray, dbfs: float=-3.0103): """Nomalize audio to dBFS. - + Args: sample_data (np.ndarray): input wave samples, [-1, 1]. dbfs (float, optional): target dBFS. Defaults to -3.0103. @@ -284,6 +284,13 @@ def load_cmvn(cmvn_file: str, filetype: str): cmvn = _load_json_cmvn(cmvn_file) elif filetype == "kaldi": cmvn = _load_kaldi_cmvn(cmvn_file) + elif filetype == "npz": + eps = 1e-14 + npzfile = np.load(cmvn_file) + mean = np.squeeze(npzfile["mean"]) + std = np.squeeze(npzfile["std"]) + istd = 1 / (std + eps) + cmvn = [mean, istd] else: raise ValueError(f"cmvn file type no support: {filetype}") return cmvn[0], cmvn[1] diff --git a/examples/transv1.8to2.x/data/aishell/aishell.py b/examples/transv1.8to2.x/data/aishell/aishell.py deleted file mode 100644 index 348b04603..000000000 --- a/examples/transv1.8to2.x/data/aishell/aishell.py +++ /dev/null @@ -1,123 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Prepare Aishell mandarin dataset - -Download, unpack and create manifest files. -Manifest file is a json-format file with each line containing the -meta data (i.e. audio filepath, transcript and audio duration) -of each audio file in the data set. -""" -import argparse -import codecs -import json -import os - -import soundfile -from data_utils.utility import download -from data_utils.utility import unpack - -DATA_HOME = os.path.expanduser('~/.cache/paddle/dataset/speech') - -URL_ROOT = 'http://www.openslr.org/resources/33' -URL_ROOT = 'https://openslr.magicdatatech.com/resources/33' -DATA_URL = URL_ROOT + '/data_aishell.tgz' -MD5_DATA = '2f494334227864a8a8fec932999db9d8' - -parser = argparse.ArgumentParser(description=__doc__) -parser.add_argument( - "--target_dir", - default=DATA_HOME + "/Aishell", - type=str, - help="Directory to save the dataset. (default: %(default)s)") -parser.add_argument( - "--manifest_prefix", - default="manifest", - type=str, - help="Filepath prefix for output manifests. (default: %(default)s)") -args = parser.parse_args() - - -def create_manifest(data_dir, manifest_path_prefix): - print("Creating manifest %s ..." % manifest_path_prefix) - json_lines = [] - transcript_path = os.path.join(data_dir, 'transcript', - 'aishell_transcript_v0.8.txt') - transcript_dict = {} - for line in codecs.open(transcript_path, 'r', 'utf-8'): - line = line.strip() - if line == '': - continue - audio_id, text = line.split(' ', 1) - # remove withespace - text = ''.join(text.split()) - transcript_dict[audio_id] = text - - data_types = ['train', 'dev', 'test'] - for type in data_types: - del json_lines[:] - audio_dir = os.path.join(data_dir, 'wav', type) - for subfolder, _, filelist in sorted(os.walk(audio_dir)): - for fname in filelist: - audio_path = os.path.join(subfolder, fname) - audio_id = fname[:-4] - # if no transcription for audio then skipped - if audio_id not in transcript_dict: - continue - audio_data, samplerate = soundfile.read(audio_path) - duration = float(len(audio_data) / samplerate) - text = transcript_dict[audio_id] - json_lines.append( - json.dumps( - { - 'audio_filepath': audio_path, - 'duration': duration, - 'text': text - }, - ensure_ascii=False)) - manifest_path = manifest_path_prefix + '.' + type - with codecs.open(manifest_path, 'w', 'utf-8') as fout: - for line in json_lines: - fout.write(line + '\n') - - -def prepare_dataset(url, md5sum, target_dir, manifest_path): - """Download, unpack and create manifest file.""" - data_dir = os.path.join(target_dir, 'data_aishell') - if not os.path.exists(data_dir): - filepath = download(url, md5sum, target_dir) - unpack(filepath, target_dir) - # unpack all audio tar files - audio_dir = os.path.join(data_dir, 'wav') - for subfolder, _, filelist in sorted(os.walk(audio_dir)): - for ftar in filelist: - unpack(os.path.join(subfolder, ftar), subfolder, True) - else: - print("Skip downloading and unpacking. Data already exists in %s." % - target_dir) - create_manifest(data_dir, manifest_path) - - -def main(): - if args.target_dir.startswith('~'): - args.target_dir = os.path.expanduser(args.target_dir) - - prepare_dataset( - url=DATA_URL, - md5sum=MD5_DATA, - target_dir=args.target_dir, - manifest_path=args.manifest_prefix) - - -if __name__ == '__main__': - main() diff --git a/examples/transv1.8to2.x/data/librispeech/librispeech.py b/examples/transv1.8to2.x/data/librispeech/librispeech.py deleted file mode 100644 index 2db37a323..000000000 --- a/examples/transv1.8to2.x/data/librispeech/librispeech.py +++ /dev/null @@ -1,159 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Prepare Librispeech ASR datasets. - -Download, unpack and create manifest files. -Manifest file is a json-format file with each line containing the -meta data (i.e. audio filepath, transcript and audio duration) -of each audio file in the data set. -""" -import argparse -import codecs -import distutils.util -import io -import json -import os - -import soundfile -from data_utils.utility import download -from data_utils.utility import unpack - -URL_ROOT = "http://www.openslr.org/resources/12" -URL_ROOT = "https://openslr.magicdatatech.com/resources/12" -URL_TEST_CLEAN = URL_ROOT + "/test-clean.tar.gz" -URL_TEST_OTHER = URL_ROOT + "/test-other.tar.gz" -URL_DEV_CLEAN = URL_ROOT + "/dev-clean.tar.gz" -URL_DEV_OTHER = URL_ROOT + "/dev-other.tar.gz" -URL_TRAIN_CLEAN_100 = URL_ROOT + "/train-clean-100.tar.gz" -URL_TRAIN_CLEAN_360 = URL_ROOT + "/train-clean-360.tar.gz" -URL_TRAIN_OTHER_500 = URL_ROOT + "/train-other-500.tar.gz" - -MD5_TEST_CLEAN = "32fa31d27d2e1cad72775fee3f4849a9" -MD5_TEST_OTHER = "fb5a50374b501bb3bac4815ee91d3135" -MD5_DEV_CLEAN = "42e2234ba48799c1f50f24a7926300a1" -MD5_DEV_OTHER = "c8d0bcc9cca99d4f8b62fcc847357931" -MD5_TRAIN_CLEAN_100 = "2a93770f6d5c6c964bc36631d331a522" -MD5_TRAIN_CLEAN_360 = "c0e676e450a7ff2f54aeade5171606fa" -MD5_TRAIN_OTHER_500 = "d1a0fd59409feb2c614ce4d30c387708" - -parser = argparse.ArgumentParser(description=__doc__) -parser.add_argument( - "--target_dir", - default='~/.cache/paddle/dataset/speech/libri', - type=str, - help="Directory to save the dataset. (default: %(default)s)") -parser.add_argument( - "--manifest_prefix", - default="manifest", - type=str, - help="Filepath prefix for output manifests. (default: %(default)s)") -parser.add_argument( - "--full_download", - default="True", - type=distutils.util.strtobool, - help="Download all datasets for Librispeech." - " If False, only download a minimal requirement (test-clean, dev-clean" - " train-clean-100). (default: %(default)s)") -args = parser.parse_args() - - -def create_manifest(data_dir, manifest_path): - """Create a manifest json file summarizing the data set, with each line - containing the meta data (i.e. audio filepath, transcription text, audio - duration) of each audio file within the data set. - """ - print("Creating manifest %s ..." % manifest_path) - json_lines = [] - for subfolder, _, filelist in sorted(os.walk(data_dir)): - text_filelist = [ - filename for filename in filelist if filename.endswith('trans.txt') - ] - if len(text_filelist) > 0: - text_filepath = os.path.join(subfolder, text_filelist[0]) - for line in io.open(text_filepath, encoding="utf8"): - segments = line.strip().split() - text = ' '.join(segments[1:]).lower() - audio_filepath = os.path.join(subfolder, segments[0] + '.flac') - audio_data, samplerate = soundfile.read(audio_filepath) - duration = float(len(audio_data)) / samplerate - json_lines.append( - json.dumps({ - 'audio_filepath': audio_filepath, - 'duration': duration, - 'text': text - })) - with codecs.open(manifest_path, 'w', 'utf-8') as out_file: - for line in json_lines: - out_file.write(line + '\n') - - -def prepare_dataset(url, md5sum, target_dir, manifest_path): - """Download, unpack and create summmary manifest file. - """ - if not os.path.exists(os.path.join(target_dir, "LibriSpeech")): - # download - filepath = download(url, md5sum, target_dir) - # unpack - unpack(filepath, target_dir) - else: - print("Skip downloading and unpacking. Data already exists in %s." % - target_dir) - # create manifest json file - create_manifest(target_dir, manifest_path) - - -def main(): - if args.target_dir.startswith('~'): - args.target_dir = os.path.expanduser(args.target_dir) - - prepare_dataset( - url=URL_TEST_CLEAN, - md5sum=MD5_TEST_CLEAN, - target_dir=os.path.join(args.target_dir, "test-clean"), - manifest_path=args.manifest_prefix + ".test-clean") - prepare_dataset( - url=URL_DEV_CLEAN, - md5sum=MD5_DEV_CLEAN, - target_dir=os.path.join(args.target_dir, "dev-clean"), - manifest_path=args.manifest_prefix + ".dev-clean") - if args.full_download: - prepare_dataset( - url=URL_TRAIN_CLEAN_100, - md5sum=MD5_TRAIN_CLEAN_100, - target_dir=os.path.join(args.target_dir, "train-clean-100"), - manifest_path=args.manifest_prefix + ".train-clean-100") - prepare_dataset( - url=URL_TEST_OTHER, - md5sum=MD5_TEST_OTHER, - target_dir=os.path.join(args.target_dir, "test-other"), - manifest_path=args.manifest_prefix + ".test-other") - prepare_dataset( - url=URL_DEV_OTHER, - md5sum=MD5_DEV_OTHER, - target_dir=os.path.join(args.target_dir, "dev-other"), - manifest_path=args.manifest_prefix + ".dev-other") - prepare_dataset( - url=URL_TRAIN_CLEAN_360, - md5sum=MD5_TRAIN_CLEAN_360, - target_dir=os.path.join(args.target_dir, "train-clean-360"), - manifest_path=args.manifest_prefix + ".train-clean-360") - prepare_dataset( - url=URL_TRAIN_OTHER_500, - md5sum=MD5_TRAIN_OTHER_500, - target_dir=os.path.join(args.target_dir, "train-other-500"), - manifest_path=args.manifest_prefix + ".train-other-500") - - -if __name__ == '__main__': - main() diff --git a/examples/transv1.8to2.x/data/noise/chime3_background.py b/examples/transv1.8to2.x/data/noise/chime3_background.py deleted file mode 100644 index 78187b1fb..000000000 --- a/examples/transv1.8to2.x/data/noise/chime3_background.py +++ /dev/null @@ -1,139 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Prepare CHiME3 background data. - -Download, unpack and create manifest files. -Manifest file is a json-format file with each line containing the -meta data (i.e. audio filepath, transcript and audio duration) -of each audio file in the data set. -""" -import argparse -import io -import json -import os -import zipfile - -import soundfile -import wget -from paddle.v2.dataset.common import md5file - -DATA_HOME = os.path.expanduser('~/.cache/paddle/dataset/speech') - -URL = "https://d4s.myairbridge.com/packagev2/AG0Y3DNBE5IWRRTV/?dlid=W19XG7T0NNHB027139H0EQ" -MD5 = "c3ff512618d7a67d4f85566ea1bc39ec" - -parser = argparse.ArgumentParser(description=__doc__) -parser.add_argument( - "--target_dir", - default=DATA_HOME + "/chime3_background", - type=str, - help="Directory to save the dataset. (default: %(default)s)") -parser.add_argument( - "--manifest_filepath", - default="manifest.chime3.background", - type=str, - help="Filepath for output manifests. (default: %(default)s)") -args = parser.parse_args() - - -def download(url, md5sum, target_dir, filename=None): - """Download file from url to target_dir, and check md5sum.""" - if filename is None: - filename = url.split("/")[-1] - if not os.path.exists(target_dir): - os.makedirs(target_dir) - filepath = os.path.join(target_dir, filename) - if not (os.path.exists(filepath) and md5file(filepath) == md5sum): - print("Downloading %s ..." % url) - wget.download(url, target_dir) - print("\nMD5 Chesksum %s ..." % filepath) - if not md5file(filepath) == md5sum: - raise RuntimeError("MD5 checksum failed.") - else: - print("File exists, skip downloading. (%s)" % filepath) - return filepath - - -def unpack(filepath, target_dir): - """Unpack the file to the target_dir.""" - print("Unpacking %s ..." % filepath) - if filepath.endswith('.zip'): - zip = zipfile.ZipFile(filepath, 'r') - zip.extractall(target_dir) - zip.close() - elif filepath.endswith('.tar') or filepath.endswith('.tar.gz'): - tar = zipfile.open(filepath) - tar.extractall(target_dir) - tar.close() - else: - raise ValueError("File format is not supported for unpacking.") - - -def create_manifest(data_dir, manifest_path): - """Create a manifest json file summarizing the data set, with each line - containing the meta data (i.e. audio filepath, transcription text, audio - duration) of each audio file within the data set. - """ - print("Creating manifest %s ..." % manifest_path) - json_lines = [] - for subfolder, _, filelist in sorted(os.walk(data_dir)): - for filename in filelist: - if filename.endswith('.wav'): - filepath = os.path.join(data_dir, subfolder, filename) - audio_data, samplerate = soundfile.read(filepath) - duration = float(len(audio_data)) / samplerate - json_lines.append( - json.dumps({ - 'audio_filepath': filepath, - 'duration': duration, - 'text': '' - })) - with io.open(manifest_path, mode='w', encoding='utf8') as out_file: - for line in json_lines: - out_file.write(line + '\n') - - -def prepare_chime3(url, md5sum, target_dir, manifest_path): - """Download, unpack and create summmary manifest file.""" - if not os.path.exists(os.path.join(target_dir, "CHiME3")): - # download - filepath = download(url, md5sum, target_dir, - "myairbridge-AG0Y3DNBE5IWRRTV.zip") - # unpack - unpack(filepath, target_dir) - unpack( - os.path.join(target_dir, 'CHiME3_background_bus.zip'), target_dir) - unpack( - os.path.join(target_dir, 'CHiME3_background_caf.zip'), target_dir) - unpack( - os.path.join(target_dir, 'CHiME3_background_ped.zip'), target_dir) - unpack( - os.path.join(target_dir, 'CHiME3_background_str.zip'), target_dir) - else: - print("Skip downloading and unpacking. Data already exists in %s." % - target_dir) - # create manifest json file - create_manifest(target_dir, manifest_path) - - -def main(): - prepare_chime3( - url=URL, - md5sum=MD5, - target_dir=args.target_dir, - manifest_path=args.manifest_filepath) - - -if __name__ == '__main__': - main() diff --git a/examples/transv1.8to2.x/data/voxforge/run_data.sh b/examples/transv1.8to2.x/data/voxforge/run_data.sh deleted file mode 100644 index 0276744ae..000000000 --- a/examples/transv1.8to2.x/data/voxforge/run_data.sh +++ /dev/null @@ -1,16 +0,0 @@ -#! /usr/bin/env bash - -# download data, generate manifests -PYTHONPATH=../../:$PYTHONPATH python voxforge.py \ ---manifest_prefix='./manifest' \ ---target_dir='./dataset/VoxForge' \ ---is_merge_dialect=True \ ---dialects 'american' 'british' 'australian' 'european' 'irish' 'canadian' 'indian' - -if [ $? -ne 0 ]; then - echo "Prepare VoxForge failed. Terminated." - exit 1 -fi - -echo "VoxForge Data preparation done." -exit 0 diff --git a/examples/transv1.8to2.x/data/voxforge/voxforge.py b/examples/transv1.8to2.x/data/voxforge/voxforge.py deleted file mode 100644 index 7d90b3c69..000000000 --- a/examples/transv1.8to2.x/data/voxforge/voxforge.py +++ /dev/null @@ -1,234 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Prepare VoxForge dataset - -Download, unpack and create manifest files. -Manifest file is a json-format file with each line containing the -meta data (i.e. audio filepath, transcript and audio duration) -of each audio file in the data set. -""" -import argparse -import codecs -import datetime -import json -import os -import shutil -import subprocess - -import soundfile -from data_utils.utility import download_multi -from data_utils.utility import getfile_insensitive -from data_utils.utility import unpack - -DATA_HOME = './dataset' - -DATA_URL = 'http://www.repository.voxforge1.org/downloads/SpeechCorpus/Trunk/' \ - 'Audio/Main/16kHz_16bit' - -parser = argparse.ArgumentParser(description=__doc__) -parser.add_argument( - "--target_dir", - default=DATA_HOME + "/VoxForge", - type=str, - help="Directory to save the dataset. (default: %(default)s)") -parser.add_argument( - "--dialects", - default=[ - 'american', 'british', 'australian', 'european', 'irish', 'canadian', - 'indian' - ], - nargs='+', - type=str, - help="Dialect types. (default: %(default)s)") -parser.add_argument( - "--is_merge_dialect", - default=True, - type=bool, - help="If set True, manifests of american dialect and canadian dialect will " - "be merged to american-canadian dialect; manifests of british " - "dialect, irish dialect and australian dialect will be merged to " - "commonwealth dialect. (default: %(default)s)") -parser.add_argument( - "--manifest_prefix", - default="manifest", - type=str, - help="Filepath prefix for output manifests. (default: %(default)s)") -args = parser.parse_args() - - -def download_and_unpack(target_dir, url): - wget_args = '-q -l 1 -N -nd -c -e robots=off -A tgz -r -np' - tgz_dir = os.path.join(target_dir, 'tgz') - exit_code = download_multi(url, tgz_dir, wget_args) - if exit_code != 0: - print('Download tgz audio files failed with exit code %d.' % exit_code) - else: - print('Download done, start unpacking ...') - audio_dir = os.path.join(target_dir, 'audio') - for root, dirs, files in os.walk(tgz_dir): - for file in files: - print(file) - if file.endswith('.tgz'): - unpack(os.path.join(root, file), audio_dir) - - -def select_dialects(target_dir, dialect_list): - """Classify audio files by dialect.""" - dialect_root_dir = os.path.join(target_dir, 'dialect') - if os.path.exists(dialect_root_dir): - shutil.rmtree(dialect_root_dir) - os.mkdir(dialect_root_dir) - audio_dir = os.path.abspath(os.path.join(target_dir, 'audio')) - for dialect in dialect_list: - # filter files by dialect - command = 'find %s -iwholename "*etc/readme*" -exec egrep -iHl \ - "pronunciation dialect.*%s" {} \;' % (audio_dir, dialect) - p = subprocess.Popen( - command, stdin=subprocess.PIPE, stdout=subprocess.PIPE, shell=True) - output, err = p.communicate() - dialect_dir = os.path.join(dialect_root_dir, dialect) - if os.path.exists(dialect_dir): - shutil.rmtree(dialect_dir) - os.mkdir(dialect_dir) - for path in output.splitlines(): - src_dir = os.path.dirname(os.path.dirname(path)) - link = os.path.basename(os.path.normpath(src_dir)) - os.symlink(src_dir, os.path.join(dialect_dir, link)) - - -def generate_manifest(data_dir, manifest_path): - json_lines = [] - - for path in os.listdir(data_dir): - audio_link = os.path.join(data_dir, path) - assert os.path.islink( - audio_link), '%s should be symbolic link.' % audio_link - actual_audio_dir = os.path.abspath(os.readlink(audio_link)) - - audio_type = '' - if os.path.isdir(os.path.join(actual_audio_dir, 'wav')): - audio_type = 'wav' - elif os.path.isdir(os.path.join(actual_audio_dir, 'flac')): - audio_type = 'flac' - else: - print('Unknown audio type, skipped processing %s.' % - actual_audio_dir) - continue - - etc_dir = os.path.join(actual_audio_dir, 'etc') - prompts_file = os.path.join(etc_dir, 'PROMPTS') - if not os.path.isfile(prompts_file): - print('PROMPTS file missing, skip processing %s.' % - actual_audio_dir) - continue - - readme_file = getfile_insensitive(os.path.join(etc_dir, 'README')) - if readme_file is None: - print('README file missing, skip processing %s.' % actual_audio_dir) - continue - - for line in file(prompts_file): - u, trans = line.strip().split(None, 1) - u_parts = u.split('/') - - # try to format the date time - try: - speaker, date, sfx = u_parts[-3].split('-') - obj = datetime.datetime.strptime(date, '%y.%m.%d') - formatted = obj.strftime('%Y%m%d') - u_parts[-3] = '-'.join([speaker, formatted, sfx]) - except Exception as e: - pass - - if len(u_parts) < 2: - u_parts = [audio_type] + u_parts - u_parts[-2] = audio_type - u_parts[-1] += '.' + audio_type - u = os.path.join(actual_audio_dir, '/'.join(u_parts[-2:])) - - if not os.path.isfile(u): - print('Audio file missing, skip processing %s.' % u) - continue - - if os.stat(u).st_size == 0: - print('Empty audio file, skip processing %s.' % u) - continue - - trans = trans.strip().replace('-', ' ') - if not trans.isupper() or \ - not trans.strip().replace(' ', '').replace("'", "").isalpha(): - print("Transcript not normalized properly, skip processing %s." - % u) - continue - - audio_data, samplerate = soundfile.read(u) - duration = float(len(audio_data)) / samplerate - json_lines.append( - json.dumps({ - 'audio_filepath': u, - 'duration': duration, - 'text': trans.lower() - })) - - with codecs.open(manifest_path, 'w', 'utf-8') as fout: - for line in json_lines: - fout.write(line + '\n') - - -def merge_manifests(manifest_files, save_path): - lines = [] - for manifest_file in manifest_files: - line = codecs.open(manifest_file, 'r', 'utf-8').readlines() - lines += line - - with codecs.open(save_path, 'w', 'utf-8') as fout: - for line in lines: - fout.write(line) - - -def prepare_dataset(url, dialects, target_dir, manifest_prefix, is_merge): - download_and_unpack(target_dir, url) - select_dialects(target_dir, dialects) - american_canadian_manifests = [] - commonwealth_manifests = [] - for dialect in dialects: - dialect_dir = os.path.join(target_dir, 'dialect', dialect) - manifest_fpath = manifest_prefix + '.' + dialect - if dialect == 'american' or dialect == 'canadian': - american_canadian_manifests.append(manifest_fpath) - if dialect == 'australian' \ - or dialect == 'british' \ - or dialect == 'irish': - commonwealth_manifests.append(manifest_fpath) - generate_manifest(dialect_dir, manifest_fpath) - - if is_merge: - if len(american_canadian_manifests) > 0: - manifest_fpath = manifest_prefix + '.american-canadian' - merge_manifests(american_canadian_manifests, manifest_fpath) - if len(commonwealth_manifests) > 0: - manifest_fpath = manifest_prefix + '.commonwealth' - merge_manifests(commonwealth_manifests, manifest_fpath) - - -def main(): - if args.target_dir.startswith('~'): - args.target_dir = os.path.expanduser(args.target_dir) - - prepare_dataset(DATA_URL, args.dialects, args.target_dir, - args.manifest_prefix, args.is_merge_dialect) - - -if __name__ == '__main__': - main() diff --git a/examples/transv1.8to2.x/data_utils/audio.py b/examples/transv1.8to2.x/data_utils/audio.py deleted file mode 100644 index f4b5ac07f..000000000 --- a/examples/transv1.8to2.x/data_utils/audio.py +++ /dev/null @@ -1,695 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the audio segment class.""" -import copy -import io -import random -import re -import struct - -import numpy as np -import resampy -import soundfile -from scipy import signal - - -class AudioSegment(object): - """Monaural audio segment abstraction. - - :param samples: Audio samples [num_samples x num_channels]. - :type samples: ndarray.float32 - :param sample_rate: Audio sample rate. - :type sample_rate: int - :raises TypeError: If the sample data type is not float or int. - """ - - def __init__(self, samples, sample_rate): - """Create audio segment from samples. - - Samples are convert float32 internally, with int scaled to [-1, 1]. - """ - self._samples = self._convert_samples_to_float32(samples) - self._sample_rate = sample_rate - if self._samples.ndim >= 2: - self._samples = np.mean(self._samples, 1) - - def __eq__(self, other): - """Return whether two objects are equal.""" - if type(other) is not type(self): - return False - if self._sample_rate != other._sample_rate: - return False - if self._samples.shape != other._samples.shape: - return False - if np.any(self.samples != other._samples): - return False - return True - - def __ne__(self, other): - """Return whether two objects are unequal.""" - return not self.__eq__(other) - - def __str__(self): - """Return human-readable representation of segment.""" - return ("%s: num_samples=%d, sample_rate=%d, duration=%.2fsec, " - "rms=%.2fdB" % (type(self), self.num_samples, self.sample_rate, - self.duration, self.rms_db)) - - @classmethod - def from_file(cls, file): - """Create audio segment from audio file. - - :param filepath: Filepath or file object to audio file. - :type filepath: str|file - :return: Audio segment instance. - :rtype: AudioSegment - """ - if isinstance(file, str) and re.findall(r".seqbin_\d+$", file): - return cls.from_sequence_file(file) - else: - samples, sample_rate = soundfile.read(file, dtype='float32') - return cls(samples, sample_rate) - - @classmethod - def slice_from_file(cls, file, start=None, end=None): - """Loads a small section of an audio without having to load - the entire file into the memory which can be incredibly wasteful. - - :param file: Input audio filepath or file object. - :type file: str|file - :param start: Start time in seconds. If start is negative, it wraps - around from the end. If not provided, this function - reads from the very beginning. - :type start: float - :param end: End time in seconds. If end is negative, it wraps around - from the end. If not provided, the default behvaior is - to read to the end of the file. - :type end: float - :return: AudioSegment instance of the specified slice of the input - audio file. - :rtype: AudioSegment - :raise ValueError: If start or end is incorrectly set, e.g. out of - bounds in time. - """ - sndfile = soundfile.SoundFile(file) - sample_rate = sndfile.samplerate - duration = float(len(sndfile)) / sample_rate - start = 0. if start is None else start - end = duration if end is None else end - if start < 0.0: - start += duration - if end < 0.0: - end += duration - if start < 0.0: - raise ValueError("The slice start position (%f s) is out of " - "bounds." % start) - if end < 0.0: - raise ValueError("The slice end position (%f s) is out of bounds." % - end) - if start > end: - raise ValueError("The slice start position (%f s) is later than " - "the slice end position (%f s)." % (start, end)) - if end > duration: - raise ValueError("The slice end position (%f s) is out of bounds " - "(> %f s)" % (end, duration)) - start_frame = int(start * sample_rate) - end_frame = int(end * sample_rate) - sndfile.seek(start_frame) - data = sndfile.read(frames=end_frame - start_frame, dtype='float32') - return cls(data, sample_rate) - - @classmethod - def from_sequence_file(cls, filepath): - """Create audio segment from sequence file. Sequence file is a binary - file containing a collection of multiple audio files, with several - header bytes in the head indicating the offsets of each audio byte data - chunk. - - The format is: - - 4 bytes (int, version), - 4 bytes (int, num of utterance), - 4 bytes (int, bytes per header), - [bytes_per_header*(num_utterance+1)] bytes (offsets for each audio), - audio_bytes_data_of_1st_utterance, - audio_bytes_data_of_2nd_utterance, - ...... - - Sequence file name must end with ".seqbin". And the filename of the 5th - utterance's audio file in sequence file "xxx.seqbin" must be - "xxx.seqbin_5", with "5" indicating the utterance index within this - sequence file (starting from 1). - - :param filepath: Filepath of sequence file. - :type filepath: str - :return: Audio segment instance. - :rtype: AudioSegment - """ - # parse filepath - matches = re.match(r"(.+\.seqbin)_(\d+)", filepath) - if matches is None: - raise IOError("File type of %s is not supported" % filepath) - filename = matches.group(1) - fileno = int(matches.group(2)) - - # read headers - f = io.open(filename, mode='rb', encoding='utf8') - version = f.read(4) - num_utterances = struct.unpack("i", f.read(4))[0] - bytes_per_header = struct.unpack("i", f.read(4))[0] - header_bytes = f.read(bytes_per_header * (num_utterances + 1)) - header = [ - struct.unpack("i", header_bytes[bytes_per_header * i: - bytes_per_header * (i + 1)])[0] - for i in range(num_utterances + 1) - ] - - # read audio bytes - f.seek(header[fileno - 1]) - audio_bytes = f.read(header[fileno] - header[fileno - 1]) - f.close() - - # create audio segment - try: - return cls.from_bytes(audio_bytes) - except Exception as e: - samples = np.frombuffer(audio_bytes, dtype='int16') - return cls(samples=samples, sample_rate=8000) - - @classmethod - def from_bytes(cls, bytes): - """Create audio segment from a byte string containing audio samples. - - :param bytes: Byte string containing audio samples. - :type bytes: str - :return: Audio segment instance. - :rtype: AudioSegment - """ - samples, sample_rate = soundfile.read( - io.BytesIO(bytes), dtype='float32') - return cls(samples, sample_rate) - - @classmethod - def concatenate(cls, *segments): - """Concatenate an arbitrary number of audio segments together. - - :param *segments: Input audio segments to be concatenated. - :type *segments: tuple of AudioSegment - :return: Audio segment instance as concatenating results. - :rtype: AudioSegment - :raises ValueError: If the number of segments is zero, or if the - sample_rate of any segments does not match. - :raises TypeError: If any segment is not AudioSegment instance. - """ - # Perform basic sanity-checks. - if len(segments) == 0: - raise ValueError("No audio segments are given to concatenate.") - sample_rate = segments[0]._sample_rate - for seg in segments: - if sample_rate != seg._sample_rate: - raise ValueError("Can't concatenate segments with " - "different sample rates") - if type(seg) is not cls: - raise TypeError("Only audio segments of the same type " - "can be concatenated.") - samples = np.concatenate([seg.samples for seg in segments]) - return cls(samples, sample_rate) - - @classmethod - def make_silence(cls, duration, sample_rate): - """Creates a silent audio segment of the given duration and sample rate. - - :param duration: Length of silence in seconds. - :type duration: float - :param sample_rate: Sample rate. - :type sample_rate: float - :return: Silent AudioSegment instance of the given duration. - :rtype: AudioSegment - """ - samples = np.zeros(int(duration * sample_rate)) - return cls(samples, sample_rate) - - def to_wav_file(self, filepath, dtype='float32'): - """Save audio segment to disk as wav file. - - :param filepath: WAV filepath or file object to save the - audio segment. - :type filepath: str|file - :param dtype: Subtype for audio file. Options: 'int16', 'int32', - 'float32', 'float64'. Default is 'float32'. - :type dtype: str - :raises TypeError: If dtype is not supported. - """ - samples = self._convert_samples_from_float32(self._samples, dtype) - subtype_map = { - 'int16': 'PCM_16', - 'int32': 'PCM_32', - 'float32': 'FLOAT', - 'float64': 'DOUBLE' - } - soundfile.write( - filepath, - samples, - self._sample_rate, - format='WAV', - subtype=subtype_map[dtype]) - - def superimpose(self, other): - """Add samples from another segment to those of this segment - (sample-wise addition, not segment concatenation). - - Note that this is an in-place transformation. - - :param other: Segment containing samples to be added in. - :type other: AudioSegments - :raise TypeError: If type of two segments don't match. - :raise ValueError: If the sample rates of the two segments are not - equal, or if the lengths of segments don't match. - """ - if isinstance(other, type(self)): - raise TypeError("Cannot add segments of different types: %s " - "and %s." % (type(self), type(other))) - if self._sample_rate != other._sample_rate: - raise ValueError("Sample rates must match to add segments.") - if len(self._samples) != len(other._samples): - raise ValueError("Segment lengths must match to add segments.") - self._samples += other._samples - - def to_bytes(self, dtype='float32'): - """Create a byte string containing the audio content. - - :param dtype: Data type for export samples. Options: 'int16', 'int32', - 'float32', 'float64'. Default is 'float32'. - :type dtype: str - :return: Byte string containing audio content. - :rtype: str - """ - samples = self._convert_samples_from_float32(self._samples, dtype) - return samples.tostring() - - def gain_db(self, gain): - """Apply gain in decibels to samples. - - Note that this is an in-place transformation. - - :param gain: Gain in decibels to apply to samples. - :type gain: float|1darray - """ - self._samples *= 10.**(gain / 20.) - - def change_speed(self, speed_rate): - """Change the audio speed by linear interpolation. - - Note that this is an in-place transformation. - - :param speed_rate: Rate of speed change: - speed_rate > 1.0, speed up the audio; - speed_rate = 1.0, unchanged; - speed_rate < 1.0, slow down the audio; - speed_rate <= 0.0, not allowed, raise ValueError. - :type speed_rate: float - :raises ValueError: If speed_rate <= 0.0. - """ - if speed_rate <= 0: - raise ValueError("speed_rate should be greater than zero.") - old_length = self._samples.shape[0] - new_length = int(old_length / speed_rate) - old_indices = np.arange(old_length) - new_indices = np.linspace(start=0, stop=old_length, num=new_length) - self._samples = np.interp(new_indices, old_indices, self._samples) - - def normalize(self, target_db=-20, max_gain_db=300.0): - """Normalize audio to be of the desired RMS value in decibels. - - Note that this is an in-place transformation. - - :param target_db: Target RMS value in decibels. This value should be - less than 0.0 as 0.0 is full-scale audio. - :type target_db: float - :param max_gain_db: Max amount of gain in dB that can be applied for - normalization. This is to prevent nans when - attempting to normalize a signal consisting of - all zeros. - :type max_gain_db: float - :raises ValueError: If the required gain to normalize the segment to - the target_db value exceeds max_gain_db. - """ - gain = target_db - self.rms_db - if gain > max_gain_db: - raise ValueError( - "Unable to normalize segment to %f dB because the " - "the probable gain have exceeds max_gain_db (%f dB)" % - (target_db, max_gain_db)) - self.gain_db(min(max_gain_db, target_db - self.rms_db)) - - def normalize_online_bayesian(self, - target_db, - prior_db, - prior_samples, - startup_delay=0.0): - """Normalize audio using a production-compatible online/causal - algorithm. This uses an exponential likelihood and gamma prior to - make online estimates of the RMS even when there are very few samples. - - Note that this is an in-place transformation. - - :param target_db: Target RMS value in decibels. - :type target_bd: float - :param prior_db: Prior RMS estimate in decibels. - :type prior_db: float - :param prior_samples: Prior strength in number of samples. - :type prior_samples: float - :param startup_delay: Default 0.0s. If provided, this function will - accrue statistics for the first startup_delay - seconds before applying online normalization. - :type startup_delay: float - """ - # Estimate total RMS online. - startup_sample_idx = min(self.num_samples - 1, - int(self.sample_rate * startup_delay)) - prior_mean_squared = 10.**(prior_db / 10.) - prior_sum_of_squares = prior_mean_squared * prior_samples - cumsum_of_squares = np.cumsum(self.samples**2) - sample_count = np.arange(self.num_samples) + 1 - if startup_sample_idx > 0: - cumsum_of_squares[:startup_sample_idx] = \ - cumsum_of_squares[startup_sample_idx] - sample_count[:startup_sample_idx] = \ - sample_count[startup_sample_idx] - mean_squared_estimate = ((cumsum_of_squares + prior_sum_of_squares) / - (sample_count + prior_samples)) - rms_estimate_db = 10 * np.log10(mean_squared_estimate) - # Compute required time-varying gain. - gain_db = target_db - rms_estimate_db - self.gain_db(gain_db) - - def resample(self, target_sample_rate, filter='kaiser_best'): - """Resample the audio to a target sample rate. - - Note that this is an in-place transformation. - - :param target_sample_rate: Target sample rate. - :type target_sample_rate: int - :param filter: The resampling filter to use one of {'kaiser_best', - 'kaiser_fast'}. - :type filter: str - """ - self._samples = resampy.resample( - self.samples, self.sample_rate, target_sample_rate, filter=filter) - self._sample_rate = target_sample_rate - - def pad_silence(self, duration, sides='both'): - """Pad this audio sample with a period of silence. - - Note that this is an in-place transformation. - - :param duration: Length of silence in seconds to pad. - :type duration: float - :param sides: Position for padding: - 'beginning' - adds silence in the beginning; - 'end' - adds silence in the end; - 'both' - adds silence in both the beginning and the end. - :type sides: str - :raises ValueError: If sides is not supported. - """ - if duration == 0.0: - return self - cls = type(self) - silence = self.make_silence(duration, self._sample_rate) - if sides == "beginning": - padded = cls.concatenate(silence, self) - elif sides == "end": - padded = cls.concatenate(self, silence) - elif sides == "both": - padded = cls.concatenate(silence, self, silence) - else: - raise ValueError("Unknown value for the sides %s" % sides) - self._samples = padded._samples - - def shift(self, shift_ms): - """Shift the audio in time. If `shift_ms` is positive, shift with time - advance; if negative, shift with time delay. Silence are padded to - keep the duration unchanged. - - Note that this is an in-place transformation. - - :param shift_ms: Shift time in millseconds. If positive, shift with - time advance; if negative; shift with time delay. - :type shift_ms: float - :raises ValueError: If shift_ms is longer than audio duration. - """ - if abs(shift_ms) / 1000.0 > self.duration: - raise ValueError("Absolute value of shift_ms should be smaller " - "than audio duration.") - shift_samples = int(shift_ms * self._sample_rate / 1000) - if shift_samples > 0: - # time advance - self._samples[:-shift_samples] = self._samples[shift_samples:] - self._samples[-shift_samples:] = 0 - elif shift_samples < 0: - # time delay - self._samples[-shift_samples:] = self._samples[:shift_samples] - self._samples[:-shift_samples] = 0 - - def subsegment(self, start_sec=None, end_sec=None): - """Cut the AudioSegment between given boundaries. - - Note that this is an in-place transformation. - - :param start_sec: Beginning of subsegment in seconds. - :type start_sec: float - :param end_sec: End of subsegment in seconds. - :type end_sec: float - :raise ValueError: If start_sec or end_sec is incorrectly set, e.g. out - of bounds in time. - """ - start_sec = 0.0 if start_sec is None else start_sec - end_sec = self.duration if end_sec is None else end_sec - if start_sec < 0.0: - start_sec = self.duration + start_sec - if end_sec < 0.0: - end_sec = self.duration + end_sec - if start_sec < 0.0: - raise ValueError("The slice start position (%f s) is out of " - "bounds." % start_sec) - if end_sec < 0.0: - raise ValueError("The slice end position (%f s) is out of bounds." % - end_sec) - if start_sec > end_sec: - raise ValueError("The slice start position (%f s) is later than " - "the end position (%f s)." % (start_sec, end_sec)) - if end_sec > self.duration: - raise ValueError("The slice end position (%f s) is out of bounds " - "(> %f s)" % (end_sec, self.duration)) - start_sample = int(round(start_sec * self._sample_rate)) - end_sample = int(round(end_sec * self._sample_rate)) - self._samples = self._samples[start_sample:end_sample] - - def random_subsegment(self, subsegment_length, rng=None): - """Cut the specified length of the audiosegment randomly. - - Note that this is an in-place transformation. - - :param subsegment_length: Subsegment length in seconds. - :type subsegment_length: float - :param rng: Random number generator state. - :type rng: random.Random - :raises ValueError: If the length of subsegment is greater than - the origineal segemnt. - """ - rng = random.Random() if rng is None else rng - if subsegment_length > self.duration: - raise ValueError("Length of subsegment must not be greater " - "than original segment.") - start_time = rng.uniform(0.0, self.duration - subsegment_length) - self.subsegment(start_time, start_time + subsegment_length) - - def convolve(self, impulse_segment, allow_resample=False): - """Convolve this audio segment with the given impulse segment. - - Note that this is an in-place transformation. - - :param impulse_segment: Impulse response segments. - :type impulse_segment: AudioSegment - :param allow_resample: Indicates whether resampling is allowed when - the impulse_segment has a different sample - rate from this signal. - :type allow_resample: bool - :raises ValueError: If the sample rate is not match between two - audio segments when resample is not allowed. - """ - if allow_resample and self.sample_rate != impulse_segment.sample_rate: - impulse_segment.resample(self.sample_rate) - if self.sample_rate != impulse_segment.sample_rate: - raise ValueError("Impulse segment's sample rate (%d Hz) is not " - "equal to base signal sample rate (%d Hz)." % - (impulse_segment.sample_rate, self.sample_rate)) - samples = signal.fftconvolve(self.samples, impulse_segment.samples, - "full") - self._samples = samples - - def convolve_and_normalize(self, impulse_segment, allow_resample=False): - """Convolve and normalize the resulting audio segment so that it - has the same average power as the input signal. - - Note that this is an in-place transformation. - - :param impulse_segment: Impulse response segments. - :type impulse_segment: AudioSegment - :param allow_resample: Indicates whether resampling is allowed when - the impulse_segment has a different sample - rate from this signal. - :type allow_resample: bool - """ - target_db = self.rms_db - self.convolve(impulse_segment, allow_resample=allow_resample) - self.normalize(target_db) - - def add_noise(self, - noise, - snr_dB, - allow_downsampling=False, - max_gain_db=300.0, - rng=None): - """Add the given noise segment at a specific signal-to-noise ratio. - If the noise segment is longer than this segment, a random subsegment - of matching length is sampled from it and used instead. - - Note that this is an in-place transformation. - - :param noise: Noise signal to add. - :type noise: AudioSegment - :param snr_dB: Signal-to-Noise Ratio, in decibels. - :type snr_dB: float - :param allow_downsampling: Whether to allow the noise signal to be - downsampled to match the base signal sample - rate. - :type allow_downsampling: bool - :param max_gain_db: Maximum amount of gain to apply to noise signal - before adding it in. This is to prevent attempting - to apply infinite gain to a zero signal. - :type max_gain_db: float - :param rng: Random number generator state. - :type rng: None|random.Random - :raises ValueError: If the sample rate does not match between the two - audio segments when downsampling is not allowed, or - if the duration of noise segments is shorter than - original audio segments. - """ - rng = random.Random() if rng is None else rng - if allow_downsampling and noise.sample_rate > self.sample_rate: - noise = noise.resample(self.sample_rate) - if noise.sample_rate != self.sample_rate: - raise ValueError("Noise sample rate (%d Hz) is not equal to base " - "signal sample rate (%d Hz)." % (noise.sample_rate, - self.sample_rate)) - if noise.duration < self.duration: - raise ValueError("Noise signal (%f sec) must be at least as long as" - " base signal (%f sec)." % - (noise.duration, self.duration)) - noise_gain_db = min(self.rms_db - noise.rms_db - snr_dB, max_gain_db) - noise_new = copy.deepcopy(noise) - noise_new.random_subsegment(self.duration, rng=rng) - noise_new.gain_db(noise_gain_db) - self.superimpose(noise_new) - - @property - def samples(self): - """Return audio samples. - - :return: Audio samples. - :rtype: ndarray - """ - return self._samples.copy() - - @property - def sample_rate(self): - """Return audio sample rate. - - :return: Audio sample rate. - :rtype: int - """ - return self._sample_rate - - @property - def num_samples(self): - """Return number of samples. - - :return: Number of samples. - :rtype: int - """ - return self._samples.shape[0] - - @property - def duration(self): - """Return audio duration. - - :return: Audio duration in seconds. - :rtype: float - """ - return self._samples.shape[0] / float(self._sample_rate) - - @property - def rms_db(self): - """Return root mean square energy of the audio in decibels. - - :return: Root mean square energy in decibels. - :rtype: float - """ - # square root => multiply by 10 instead of 20 for dBs - mean_square = np.mean(self._samples**2) - return 10 * np.log10(mean_square) - - def _convert_samples_to_float32(self, samples): - """Convert sample type to float32. - - Audio sample type is usually integer or float-point. - Integers will be scaled to [-1, 1] in float32. - """ - float32_samples = samples.astype('float32') - if samples.dtype in np.sctypes['int']: - bits = np.iinfo(samples.dtype).bits - float32_samples *= (1. / 2**(bits - 1)) - elif samples.dtype in np.sctypes['float']: - pass - else: - raise TypeError("Unsupported sample type: %s." % samples.dtype) - return float32_samples - - def _convert_samples_from_float32(self, samples, dtype): - """Convert sample type from float32 to dtype. - - Audio sample type is usually integer or float-point. For integer - type, float32 will be rescaled from [-1, 1] to the maximum range - supported by the integer type. - - This is for writing a audio file. - """ - dtype = np.dtype(dtype) - output_samples = samples.copy() - if dtype in np.sctypes['int']: - bits = np.iinfo(dtype).bits - output_samples *= (2**(bits - 1) / 1.) - min_val = np.iinfo(dtype).min - max_val = np.iinfo(dtype).max - output_samples[output_samples > max_val] = max_val - output_samples[output_samples < min_val] = min_val - elif samples.dtype in np.sctypes['float']: - min_val = np.finfo(dtype).min - max_val = np.finfo(dtype).max - output_samples[output_samples > max_val] = max_val - output_samples[output_samples < min_val] = min_val - else: - raise TypeError("Unsupported sample type: %s." % samples.dtype) - return output_samples.astype(dtype) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/__init__.py b/examples/transv1.8to2.x/data_utils/augmentor/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/data_utils/augmentor/augmentation.py b/examples/transv1.8to2.x/data_utils/augmentor/augmentation.py deleted file mode 100644 index e43063cb5..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/augmentation.py +++ /dev/null @@ -1,134 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the data augmentation pipeline.""" -import json -import random - -from data_utils.augmentor.impulse_response import ImpulseResponseAugmentor -from data_utils.augmentor.noise_perturb import NoisePerturbAugmentor -from data_utils.augmentor.online_bayesian_normalization import \ - OnlineBayesianNormalizationAugmentor -from data_utils.augmentor.resample import ResampleAugmentor -from data_utils.augmentor.shift_perturb import ShiftPerturbAugmentor -from data_utils.augmentor.speed_perturb import SpeedPerturbAugmentor -from data_utils.augmentor.volume_perturb import VolumePerturbAugmentor - - -class AugmentationPipeline(object): - """Build a pre-processing pipeline with various augmentation models.Such a - data augmentation pipeline is oftern leveraged to augment the training - samples to make the model invariant to certain types of perturbations in the - real world, improving model's generalization ability. - - The pipeline is built according the the augmentation configuration in json - string, e.g. - - .. code-block:: - - [ { - "type": "noise", - "params": {"min_snr_dB": 10, - "max_snr_dB": 20, - "noise_manifest_path": "datasets/manifest.noise"}, - "prob": 0.0 - }, - { - "type": "speed", - "params": {"min_speed_rate": 0.9, - "max_speed_rate": 1.1}, - "prob": 1.0 - }, - { - "type": "shift", - "params": {"min_shift_ms": -5, - "max_shift_ms": 5}, - "prob": 1.0 - }, - { - "type": "volume", - "params": {"min_gain_dBFS": -10, - "max_gain_dBFS": 10}, - "prob": 0.0 - }, - { - "type": "bayesian_normal", - "params": {"target_db": -20, - "prior_db": -20, - "prior_samples": 100}, - "prob": 0.0 - } - ] - - This augmentation configuration inserts two augmentation models - into the pipeline, with one is VolumePerturbAugmentor and the other - SpeedPerturbAugmentor. "prob" indicates the probability of the current - augmentor to take effect. If "prob" is zero, the augmentor does not take - effect. - - :param augmentation_config: Augmentation configuration in json string. - :type augmentation_config: str - :param random_seed: Random seed. - :type random_seed: int - :raises ValueError: If the augmentation json config is in incorrect format". - """ - - def __init__(self, augmentation_config, random_seed=0): - self._rng = random.Random(random_seed) - self._augmentors, self._rates = self._parse_pipeline_from( - augmentation_config) - - def transform_audio(self, audio_segment): - """Run the pre-processing pipeline for data augmentation. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to process. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - for augmentor, rate in zip(self._augmentors, self._rates): - if self._rng.uniform(0., 1.) < rate: - augmentor.transform_audio(audio_segment) - - def _parse_pipeline_from(self, config_json): - """Parse the config json to build a augmentation pipelien.""" - try: - configs = json.loads(config_json) - augmentors = [ - self._get_augmentor(config["type"], config["params"]) - for config in configs - ] - rates = [config["prob"] for config in configs] - except Exception as e: - raise ValueError("Failed to parse the augmentation config json: " - "%s" % str(e)) - return augmentors, rates - - def _get_augmentor(self, augmentor_type, params): - """Return an augmentation model by the type name, and pass in params.""" - if augmentor_type == "volume": - return VolumePerturbAugmentor(self._rng, **params) - elif augmentor_type == "shift": - return ShiftPerturbAugmentor(self._rng, **params) - elif augmentor_type == "speed": - return SpeedPerturbAugmentor(self._rng, **params) - elif augmentor_type == "resample": - return ResampleAugmentor(self._rng, **params) - elif augmentor_type == "bayesian_normal": - return OnlineBayesianNormalizationAugmentor(self._rng, **params) - elif augmentor_type == "noise": - return NoisePerturbAugmentor(self._rng, **params) - elif augmentor_type == "impulse": - return ImpulseResponseAugmentor(self._rng, **params) - else: - raise ValueError("Unknown augmentor type [%s]." % augmentor_type) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/base.py b/examples/transv1.8to2.x/data_utils/augmentor/base.py deleted file mode 100644 index 3f65d3248..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/base.py +++ /dev/null @@ -1,43 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the abstract base class for augmentation models.""" -from abc import ABCMeta -from abc import abstractmethod - - -class AugmentorBase(object): - """Abstract base class for augmentation model (augmentor) class. - All augmentor classes should inherit from this class, and implement the - following abstract methods. - """ - - __metaclass__ = ABCMeta - - @abstractmethod - def __init__(self): - pass - - @abstractmethod - def transform_audio(self, audio_segment): - """Adds various effects to the input audio segment. Such effects - will augment the training data to make the model invariant to certain - types of perturbations in the real world, improving model's - generalization ability. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - pass diff --git a/examples/transv1.8to2.x/data_utils/augmentor/impulse_response.py b/examples/transv1.8to2.x/data_utils/augmentor/impulse_response.py deleted file mode 100644 index d3928bf43..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/impulse_response.py +++ /dev/null @@ -1,43 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the impulse response augmentation model.""" -from data_utils.audio import AudioSegment -from data_utils.augmentor.base import AugmentorBase -from data_utils.utility import read_manifest - - -class ImpulseResponseAugmentor(AugmentorBase): - """Augmentation model for adding impulse response effect. - - :param rng: Random generator object. - :type rng: random.Random - :param impulse_manifest_path: Manifest path for impulse audio data. - :type impulse_manifest_path: str - """ - - def __init__(self, rng, impulse_manifest_path): - self._rng = rng - self._impulse_manifest = read_manifest(impulse_manifest_path) - - def transform_audio(self, audio_segment): - """Add impulse response effect. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - impulse_json = self._rng.sample(self._impulse_manifest, 1)[0] - impulse_segment = AudioSegment.from_file(impulse_json['audio_filepath']) - audio_segment.convolve(impulse_segment, allow_resample=True) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/noise_perturb.py b/examples/transv1.8to2.x/data_utils/augmentor/noise_perturb.py deleted file mode 100644 index 2b352e922..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/noise_perturb.py +++ /dev/null @@ -1,58 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the noise perturb augmentation model.""" -from data_utils.audio import AudioSegment -from data_utils.augmentor.base import AugmentorBase -from data_utils.utility import read_manifest - - -class NoisePerturbAugmentor(AugmentorBase): - """Augmentation model for adding background noise. - - :param rng: Random generator object. - :type rng: random.Random - :param min_snr_dB: Minimal signal noise ratio, in decibels. - :type min_snr_dB: float - :param max_snr_dB: Maximal signal noise ratio, in decibels. - :type max_snr_dB: float - :param noise_manifest_path: Manifest path for noise audio data. - :type noise_manifest_path: str - """ - - def __init__(self, rng, min_snr_dB, max_snr_dB, noise_manifest_path): - self._min_snr_dB = min_snr_dB - self._max_snr_dB = max_snr_dB - self._rng = rng - self._noise_manifest = read_manifest(manifest_path=noise_manifest_path) - - def transform_audio(self, audio_segment): - """Add background noise audio. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - noise_json = self._rng.sample(self._noise_manifest, 1)[0] - if noise_json['duration'] < audio_segment.duration: - raise RuntimeError("The duration of sampled noise audio is smaller " - "than the audio segment to add effects to.") - diff_duration = noise_json['duration'] - audio_segment.duration - start = self._rng.uniform(0, diff_duration) - end = start + audio_segment.duration - noise_segment = AudioSegment.slice_from_file( - noise_json['audio_filepath'], start=start, end=end) - snr_dB = self._rng.uniform(self._min_snr_dB, self._max_snr_dB) - audio_segment.add_noise( - noise_segment, snr_dB, allow_downsampling=True, rng=self._rng) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/online_bayesian_normalization.py b/examples/transv1.8to2.x/data_utils/augmentor/online_bayesian_normalization.py deleted file mode 100644 index 7514dd788..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/online_bayesian_normalization.py +++ /dev/null @@ -1,57 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contain the online bayesian normalization augmentation model.""" -from data_utils.augmentor.base import AugmentorBase - - -class OnlineBayesianNormalizationAugmentor(AugmentorBase): - """Augmentation model for adding online bayesian normalization. - - :param rng: Random generator object. - :type rng: random.Random - :param target_db: Target RMS value in decibels. - :type target_db: float - :param prior_db: Prior RMS estimate in decibels. - :type prior_db: float - :param prior_samples: Prior strength in number of samples. - :type prior_samples: int - :param startup_delay: Default 0.0s. If provided, this function will - accrue statistics for the first startup_delay - seconds before applying online normalization. - :type starup_delay: float. - """ - - def __init__(self, - rng, - target_db, - prior_db, - prior_samples, - startup_delay=0.0): - self._target_db = target_db - self._prior_db = prior_db - self._prior_samples = prior_samples - self._rng = rng - self._startup_delay = startup_delay - - def transform_audio(self, audio_segment): - """Normalizes the input audio using the online Bayesian approach. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegment|SpeechSegment - """ - audio_segment.normalize_online_bayesian(self._target_db, self._prior_db, - self._prior_samples, - self._startup_delay) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/resample.py b/examples/transv1.8to2.x/data_utils/augmentor/resample.py deleted file mode 100644 index e1b801ca6..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/resample.py +++ /dev/null @@ -1,42 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contain the resample augmentation model.""" -from data_utils.augmentor.base import AugmentorBase - - -class ResampleAugmentor(AugmentorBase): - """Augmentation model for resampling. - - See more info here: - https://ccrma.stanford.edu/~jos/resample/index.html - - :param rng: Random generator object. - :type rng: random.Random - :param new_sample_rate: New sample rate in Hz. - :type new_sample_rate: int - """ - - def __init__(self, rng, new_sample_rate): - self._new_sample_rate = new_sample_rate - self._rng = rng - - def transform_audio(self, audio_segment): - """Resamples the input audio to a target sample rate. - - Note that this is an in-place transformation. - - :param audio: Audio segment to add effects to. - :type audio: AudioSegment|SpeechSegment - """ - audio_segment.resample(self._new_sample_rate) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/shift_perturb.py b/examples/transv1.8to2.x/data_utils/augmentor/shift_perturb.py deleted file mode 100644 index cdbc8afe7..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/shift_perturb.py +++ /dev/null @@ -1,43 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the volume perturb augmentation model.""" -from data_utils.augmentor.base import AugmentorBase - - -class ShiftPerturbAugmentor(AugmentorBase): - """Augmentation model for adding random shift perturbation. - - :param rng: Random generator object. - :type rng: random.Random - :param min_shift_ms: Minimal shift in milliseconds. - :type min_shift_ms: float - :param max_shift_ms: Maximal shift in milliseconds. - :type max_shift_ms: float - """ - - def __init__(self, rng, min_shift_ms, max_shift_ms): - self._min_shift_ms = min_shift_ms - self._max_shift_ms = max_shift_ms - self._rng = rng - - def transform_audio(self, audio_segment): - """Shift audio. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - shift_ms = self._rng.uniform(self._min_shift_ms, self._max_shift_ms) - audio_segment.shift(shift_ms) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/speed_perturb.py b/examples/transv1.8to2.x/data_utils/augmentor/speed_perturb.py deleted file mode 100644 index 46ca1f053..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/speed_perturb.py +++ /dev/null @@ -1,56 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contain the speech perturbation augmentation model.""" -from data_utils.augmentor.base import AugmentorBase - - -class SpeedPerturbAugmentor(AugmentorBase): - """Augmentation model for adding speed perturbation. - - See reference paper here: - http://www.danielpovey.com/files/2015_interspeech_augmentation.pdf - - :param rng: Random generator object. - :type rng: random.Random - :param min_speed_rate: Lower bound of new speed rate to sample and should - not be smaller than 0.9. - :type min_speed_rate: float - :param max_speed_rate: Upper bound of new speed rate to sample and should - not be larger than 1.1. - :type max_speed_rate: float - """ - - def __init__(self, rng, min_speed_rate, max_speed_rate): - if min_speed_rate < 0.9: - raise ValueError( - "Sampling speed below 0.9 can cause unnatural effects") - if max_speed_rate > 1.1: - raise ValueError( - "Sampling speed above 1.1 can cause unnatural effects") - self._min_speed_rate = min_speed_rate - self._max_speed_rate = max_speed_rate - self._rng = rng - - def transform_audio(self, audio_segment): - """Sample a new speed rate from the given range and - changes the speed of the given audio clip. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegment|SpeechSegment - """ - sampled_speed = self._rng.uniform(self._min_speed_rate, - self._max_speed_rate) - audio_segment.change_speed(sampled_speed) diff --git a/examples/transv1.8to2.x/data_utils/augmentor/volume_perturb.py b/examples/transv1.8to2.x/data_utils/augmentor/volume_perturb.py deleted file mode 100644 index 9e5c5aa35..000000000 --- a/examples/transv1.8to2.x/data_utils/augmentor/volume_perturb.py +++ /dev/null @@ -1,49 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the volume perturb augmentation model.""" -from data_utils.augmentor.base import AugmentorBase - - -class VolumePerturbAugmentor(AugmentorBase): - """Augmentation model for adding random volume perturbation. - - This is used for multi-loudness training of PCEN. See - - https://arxiv.org/pdf/1607.05666v1.pdf - - for more details. - - :param rng: Random generator object. - :type rng: random.Random - :param min_gain_dBFS: Minimal gain in dBFS. - :type min_gain_dBFS: float - :param max_gain_dBFS: Maximal gain in dBFS. - :type max_gain_dBFS: float - """ - - def __init__(self, rng, min_gain_dBFS, max_gain_dBFS): - self._min_gain_dBFS = min_gain_dBFS - self._max_gain_dBFS = max_gain_dBFS - self._rng = rng - - def transform_audio(self, audio_segment): - """Change audio loadness. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - gain = self._rng.uniform(self._min_gain_dBFS, self._max_gain_dBFS) - audio_segment.gain_db(gain) diff --git a/examples/transv1.8to2.x/data_utils/data.py b/examples/transv1.8to2.x/data_utils/data.py deleted file mode 100644 index df296f70c..000000000 --- a/examples/transv1.8to2.x/data_utils/data.py +++ /dev/null @@ -1,380 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains data generator for orgnaizing various audio data preprocessing -pipeline and offering data reader interface of PaddlePaddle requirements. -""" -import random -import tarfile -from threading import local - -import numpy as np -import paddle.fluid as fluid -from data_utils.augmentor.augmentation import AugmentationPipeline -from data_utils.featurizer.speech_featurizer import SpeechFeaturizer -from data_utils.normalizer import FeatureNormalizer -from data_utils.speech import SpeechSegment -from data_utils.utility import read_manifest - - -class DataGenerator(object): - """ - DataGenerator provides basic audio data preprocessing pipeline, and offers - data reader interfaces of PaddlePaddle requirements. - - :param vocab_filepath: Vocabulary filepath for indexing tokenized - transcripts. - :type vocab_filepath: str - :param mean_std_filepath: File containing the pre-computed mean and stddev. - :type mean_std_filepath: None|str - :param augmentation_config: Augmentation configuration in json string. - Details see AugmentationPipeline.__doc__. - :type augmentation_config: str - :param max_duration: Audio with duration (in seconds) greater than - this will be discarded. - :type max_duration: float - :param min_duration: Audio with duration (in seconds) smaller than - this will be discarded. - :type min_duration: float - :param stride_ms: Striding size (in milliseconds) for generating frames. - :type stride_ms: float - :param window_ms: Window size (in milliseconds) for generating frames. - :type window_ms: float - :param max_freq: Used when specgram_type is 'linear', only FFT bins - corresponding to frequencies between [0, max_freq] are - returned. - :types max_freq: None|float - :param specgram_type: Specgram feature type. Options: 'linear'. - :type specgram_type: str - :param use_dB_normalization: Whether to normalize the audio to -20 dB - before extracting the features. - :type use_dB_normalization: bool - :param random_seed: Random seed. - :type random_seed: int - :param keep_transcription_text: If set to True, transcription text will - be passed forward directly without - converting to index sequence. - :type keep_transcription_text: bool - :param place: The place to run the program. - :type place: CPUPlace or CUDAPlace - :param is_training: If set to True, generate text data for training, - otherwise, generate text data for infer. - :type is_training: bool - """ - - def __init__(self, - vocab_filepath, - mean_std_filepath, - augmentation_config='{}', - max_duration=float('inf'), - min_duration=0.0, - stride_ms=10.0, - window_ms=20.0, - max_freq=None, - specgram_type='linear', - use_dB_normalization=True, - random_seed=0, - keep_transcription_text=False, - place=fluid.CPUPlace(), - is_training=True): - self._max_duration = max_duration - self._min_duration = min_duration - self._normalizer = FeatureNormalizer(mean_std_filepath) - self._augmentation_pipeline = AugmentationPipeline( - augmentation_config=augmentation_config, random_seed=random_seed) - self._speech_featurizer = SpeechFeaturizer( - vocab_filepath=vocab_filepath, - specgram_type=specgram_type, - stride_ms=stride_ms, - window_ms=window_ms, - max_freq=max_freq, - use_dB_normalization=use_dB_normalization) - self._rng = random.Random(random_seed) - self._keep_transcription_text = keep_transcription_text - self._epoch = 0 - self._is_training = is_training - # for caching tar files info - self._local_data = local() - self._local_data.tar2info = {} - self._local_data.tar2object = {} - self._place = place - - def process_utterance(self, audio_file, transcript): - """Load, augment, featurize and normalize for speech data. - - :param audio_file: Filepath or file object of audio file. - :type audio_file: str | file - :param transcript: Transcription text. - :type transcript: str - :return: Tuple of audio feature tensor and data of transcription part, - where transcription part could be token ids or text. - :rtype: tuple of (2darray, list) - """ - if isinstance(audio_file, str) and audio_file.startswith('tar:'): - speech_segment = SpeechSegment.from_file( - self._subfile_from_tar(audio_file), transcript) - else: - speech_segment = SpeechSegment.from_file(audio_file, transcript) - self._augmentation_pipeline.transform_audio(speech_segment) - specgram, transcript_part = self._speech_featurizer.featurize( - speech_segment, self._keep_transcription_text) - specgram = self._normalizer.apply(specgram) - return specgram, transcript_part - - def batch_reader_creator(self, - manifest_path, - batch_size, - padding_to=-1, - flatten=False, - sortagrad=False, - shuffle_method="batch_shuffle"): - """ - Batch data reader creator for audio data. Return a callable generator - function to produce batches of data. - - Audio features within one batch will be padded with zeros to have the - same shape, or a user-defined shape. - - :param manifest_path: Filepath of manifest for audio files. - :type manifest_path: str - :param batch_size: Number of instances in a batch. - :type batch_size: int - :param padding_to: If set -1, the maximun shape in the batch - will be used as the target shape for padding. - Otherwise, `padding_to` will be the target shape. - :type padding_to: int - :param flatten: If set True, audio features will be flatten to 1darray. - :type flatten: bool - :param sortagrad: If set True, sort the instances by audio duration - in the first epoch for speed up training. - :type sortagrad: bool - :param shuffle_method: Shuffle method. Options: - '' or None: no shuffle. - 'instance_shuffle': instance-wise shuffle. - 'batch_shuffle': similarly-sized instances are - put into batches, and then - batch-wise shuffle the batches. - For more details, please see - ``_batch_shuffle.__doc__``. - 'batch_shuffle_clipped': 'batch_shuffle' with - head shift and tail - clipping. For more - details, please see - ``_batch_shuffle``. - If sortagrad is True, shuffle is disabled - for the first epoch. - :type shuffle_method: None|str - :return: Batch reader function, producing batches of data when called. - :rtype: callable - """ - - def batch_reader(): - # read manifest - manifest = read_manifest( - manifest_path=manifest_path, - max_duration=self._max_duration, - min_duration=self._min_duration) - # sort (by duration) or batch-wise shuffle the manifest - if self._epoch == 0 and sortagrad: - manifest.sort(key=lambda x: x["duration"]) - - else: - if shuffle_method == "batch_shuffle": - manifest = self._batch_shuffle( - manifest, batch_size, clipped=False) - elif shuffle_method == "batch_shuffle_clipped": - manifest = self._batch_shuffle( - manifest, batch_size, clipped=True) - elif shuffle_method == "instance_shuffle": - self._rng.shuffle(manifest) - elif shuffle_method is None: - pass - else: - raise ValueError("Unknown shuffle method %s." % - shuffle_method) - # prepare batches - batch = [] - instance_reader = self._instance_reader_creator(manifest) - - for instance in instance_reader(): - batch.append(instance) - if len(batch) == batch_size: - yield self._padding_batch(batch, padding_to, flatten) - batch = [] - if len(batch) >= 1: - yield self._padding_batch(batch, padding_to, flatten) - self._epoch += 1 - - return batch_reader - - @property - def feeding(self): - """Returns data reader's feeding dict. - - :return: Data feeding dict. - :rtype: dict - """ - feeding_dict = {"audio_spectrogram": 0, "transcript_text": 1} - return feeding_dict - - @property - def vocab_size(self): - """Return the vocabulary size. - - :return: Vocabulary size. - :rtype: int - """ - return self._speech_featurizer.vocab_size - - @property - def vocab_list(self): - """Return the vocabulary in list. - - :return: Vocabulary in list. - :rtype: list - """ - return self._speech_featurizer.vocab_list - - def _parse_tar(self, file): - """Parse a tar file to get a tarfile object - and a map containing tarinfoes - """ - result = {} - f = tarfile.open(file) - for tarinfo in f.getmembers(): - result[tarinfo.name] = tarinfo - return f, result - - def _subfile_from_tar(self, file): - """Get subfile object from tar. - - It will return a subfile object from tar file - and cached tar file info for next reading request. - """ - tarpath, filename = file.split(':', 1)[1].split('#', 1) - if 'tar2info' not in self._local_data.__dict__: - self._local_data.tar2info = {} - if 'tar2object' not in self._local_data.__dict__: - self._local_data.tar2object = {} - if tarpath not in self._local_data.tar2info: - object, infoes = self._parse_tar(tarpath) - self._local_data.tar2info[tarpath] = infoes - self._local_data.tar2object[tarpath] = object - return self._local_data.tar2object[tarpath].extractfile( - self._local_data.tar2info[tarpath][filename]) - - def _instance_reader_creator(self, manifest): - """ - Instance reader creator. Create a callable function to produce - instances of data. - - Instance: a tuple of ndarray of audio spectrogram and a list of - token indices for transcript. - """ - - def reader(): - for instance in manifest: - inst = self.process_utterance(instance["audio_filepath"], - instance["text"]) - yield inst - - return reader - - def _padding_batch(self, batch, padding_to=-1, flatten=False): - """ - Padding audio features with zeros to make them have the same shape (or - a user-defined shape) within one bach. - - If ``padding_to`` is -1, the maximun shape in the batch will be used - as the target shape for padding. Otherwise, `padding_to` will be the - target shape (only refers to the second axis). - - If `flatten` is True, features will be flatten to 1darray. - """ - new_batch = [] - # get target shape - max_length = max([audio.shape[1] for audio, text in batch]) - if padding_to != -1: - if padding_to < max_length: - raise ValueError("If padding_to is not -1, it should be larger " - "than any instance's shape in the batch") - max_length = padding_to - # padding - padded_audios = [] - texts, text_lens = [], [] - audio_lens = [] - masks = [] - for audio, text in batch: - padded_audio = np.zeros([audio.shape[0], max_length]) - padded_audio[:, :audio.shape[1]] = audio - if flatten: - padded_audio = padded_audio.flatten() - padded_audios.append(padded_audio) - if self._is_training: - texts += text - else: - texts.append(text) - text_lens.append(len(text)) - audio_lens.append(audio.shape[1]) - mask_shape0 = (audio.shape[0] - 1) // 2 + 1 - mask_shape1 = (audio.shape[1] - 1) // 3 + 1 - mask_max_len = (max_length - 1) // 3 + 1 - mask_ones = np.ones((mask_shape0, mask_shape1)) - mask_zeros = np.zeros((mask_shape0, mask_max_len - mask_shape1)) - mask = np.repeat( - np.reshape( - np.concatenate((mask_ones, mask_zeros), axis=1), - (1, mask_shape0, mask_max_len)), - 32, - axis=0) - masks.append(mask) - padded_audios = np.array(padded_audios).astype('float32') - if self._is_training: - texts = np.expand_dims(np.array(texts).astype('int32'), axis=-1) - texts = fluid.create_lod_tensor( - texts, recursive_seq_lens=[text_lens], place=self._place) - audio_lens = np.array(audio_lens).astype('int64').reshape([-1, 1]) - masks = np.array(masks).astype('float32') - return padded_audios, texts, audio_lens, masks - - def _batch_shuffle(self, manifest, batch_size, clipped=False): - """Put similarly-sized instances into minibatches for better efficiency - and make a batch-wise shuffle. - - 1. Sort the audio clips by duration. - 2. Generate a random number `k`, k in [0, batch_size). - 3. Randomly shift `k` instances in order to create different batches - for different epochs. Create minibatches. - 4. Shuffle the minibatches. - - :param manifest: Manifest contents. List of dict. - :type manifest: list - :param batch_size: Batch size. This size is also used for generate - a random number for batch shuffle. - :type batch_size: int - :param clipped: Whether to clip the heading (small shift) and trailing - (incomplete batch) instances. - :type clipped: bool - :return: Batch shuffled mainifest. - :rtype: list - """ - manifest.sort(key=lambda x: x["duration"]) - shift_len = self._rng.randint(0, batch_size - 1) - batch_manifest = list(zip(* [iter(manifest[shift_len:])] * batch_size)) - self._rng.shuffle(batch_manifest) - batch_manifest = [item for batch in batch_manifest for item in batch] - if not clipped: - res_len = len(manifest) - shift_len - len(batch_manifest) - batch_manifest.extend(manifest[-res_len:]) - batch_manifest.extend(manifest[0:shift_len]) - return batch_manifest diff --git a/examples/transv1.8to2.x/data_utils/featurizer/__init__.py b/examples/transv1.8to2.x/data_utils/featurizer/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/data_utils/featurizer/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/data_utils/featurizer/audio_featurizer.py b/examples/transv1.8to2.x/data_utils/featurizer/audio_featurizer.py deleted file mode 100644 index 9d45f8b17..000000000 --- a/examples/transv1.8to2.x/data_utils/featurizer/audio_featurizer.py +++ /dev/null @@ -1,194 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the audio featurizer class.""" -import numpy as np -from python_speech_features import delta -from python_speech_features import mfcc - - -class AudioFeaturizer(object): - """Audio featurizer, for extracting features from audio contents of - AudioSegment or SpeechSegment. - - Currently, it supports feature types of linear spectrogram and mfcc. - - :param specgram_type: Specgram feature type. Options: 'linear'. - :type specgram_type: str - :param stride_ms: Striding size (in milliseconds) for generating frames. - :type stride_ms: float - :param window_ms: Window size (in milliseconds) for generating frames. - :type window_ms: float - :param max_freq: When specgram_type is 'linear', only FFT bins - corresponding to frequencies between [0, max_freq] are - returned; when specgram_type is 'mfcc', max_feq is the - highest band edge of mel filters. - :types max_freq: None|float - :param target_sample_rate: Audio are resampled (if upsampling or - downsampling is allowed) to this before - extracting spectrogram features. - :type target_sample_rate: float - :param use_dB_normalization: Whether to normalize the audio to a certain - decibels before extracting the features. - :type use_dB_normalization: bool - :param target_dB: Target audio decibels for normalization. - :type target_dB: float - """ - - def __init__(self, - specgram_type='linear', - stride_ms=10.0, - window_ms=20.0, - max_freq=None, - target_sample_rate=16000, - use_dB_normalization=True, - target_dB=-20): - self._specgram_type = specgram_type - self._stride_ms = stride_ms - self._window_ms = window_ms - self._max_freq = max_freq - self._target_sample_rate = target_sample_rate - self._use_dB_normalization = use_dB_normalization - self._target_dB = target_dB - - def featurize(self, - audio_segment, - allow_downsampling=True, - allow_upsampling=True): - """Extract audio features from AudioSegment or SpeechSegment. - - :param audio_segment: Audio/speech segment to extract features from. - :type audio_segment: AudioSegment|SpeechSegment - :param allow_downsampling: Whether to allow audio downsampling before - featurizing. - :type allow_downsampling: bool - :param allow_upsampling: Whether to allow audio upsampling before - featurizing. - :type allow_upsampling: bool - :return: Spectrogram audio feature in 2darray. - :rtype: ndarray - :raises ValueError: If audio sample rate is not supported. - """ - # upsampling or downsampling - if ((audio_segment.sample_rate > self._target_sample_rate and - allow_downsampling) or - (audio_segment.sample_rate < self._target_sample_rate and - allow_upsampling)): - audio_segment.resample(self._target_sample_rate) - if audio_segment.sample_rate != self._target_sample_rate: - raise ValueError("Audio sample rate is not supported. " - "Turn allow_downsampling or allow up_sampling on.") - # decibel normalization - if self._use_dB_normalization: - audio_segment.normalize(target_db=self._target_dB) - # extract spectrogram - return self._compute_specgram(audio_segment.samples, - audio_segment.sample_rate) - - def _compute_specgram(self, samples, sample_rate): - """Extract various audio features.""" - if self._specgram_type == 'linear': - return self._compute_linear_specgram( - samples, sample_rate, self._stride_ms, self._window_ms, - self._max_freq) - elif self._specgram_type == 'mfcc': - return self._compute_mfcc(samples, sample_rate, self._stride_ms, - self._window_ms, self._max_freq) - else: - raise ValueError("Unknown specgram_type %s. " - "Supported values: linear." % self._specgram_type) - - def _compute_linear_specgram(self, - samples, - sample_rate, - stride_ms=10.0, - window_ms=20.0, - max_freq=None, - eps=1e-14): - """Compute the linear spectrogram from FFT energy.""" - if max_freq is None: - max_freq = sample_rate / 2 - if max_freq > sample_rate / 2: - raise ValueError("max_freq must not be greater than half of " - "sample rate.") - if stride_ms > window_ms: - raise ValueError("Stride size must not be greater than " - "window size.") - stride_size = int(0.001 * sample_rate * stride_ms) - window_size = int(0.001 * sample_rate * window_ms) - specgram, freqs = self._specgram_real( - samples, - window_size=window_size, - stride_size=stride_size, - sample_rate=sample_rate) - ind = np.where(freqs <= max_freq)[0][-1] + 1 - return np.log(specgram[:ind, :] + eps) - - def _specgram_real(self, samples, window_size, stride_size, sample_rate): - """Compute the spectrogram for samples from a real signal.""" - # extract strided windows - truncate_size = (len(samples) - window_size) % stride_size - samples = samples[:len(samples) - truncate_size] - nshape = (window_size, (len(samples) - window_size) // stride_size + 1) - nstrides = (samples.strides[0], samples.strides[0] * stride_size) - windows = np.lib.stride_tricks.as_strided( - samples, shape=nshape, strides=nstrides) - assert np.all( - windows[:, 1] == samples[stride_size:(stride_size + window_size)]) - # window weighting, squared Fast Fourier Transform (fft), scaling - weighting = np.hanning(window_size)[:, None] - fft = np.fft.rfft(windows * weighting, axis=0) - fft = np.absolute(fft) - fft = fft**2 - scale = np.sum(weighting**2) * sample_rate - fft[1:-1, :] *= (2.0 / scale) - fft[(0, -1), :] /= scale - # prepare fft frequency list - freqs = float(sample_rate) / window_size * np.arange(fft.shape[0]) - return fft, freqs - - def _compute_mfcc(self, - samples, - sample_rate, - stride_ms=10.0, - window_ms=20.0, - max_freq=None): - """Compute mfcc from samples.""" - if max_freq is None: - max_freq = sample_rate / 2 - if max_freq > sample_rate / 2: - raise ValueError("max_freq must not be greater than half of " - "sample rate.") - if stride_ms > window_ms: - raise ValueError("Stride size must not be greater than " - "window size.") - # compute the 13 cepstral coefficients, and the first one is replaced - # by log(frame energy) - mfcc_feat = mfcc( - signal=samples, - samplerate=sample_rate, - winlen=0.001 * window_ms, - winstep=0.001 * stride_ms, - highfreq=max_freq) - # Deltas - d_mfcc_feat = delta(mfcc_feat, 2) - # Deltas-Deltas - dd_mfcc_feat = delta(d_mfcc_feat, 2) - # transpose - mfcc_feat = np.transpose(mfcc_feat) - d_mfcc_feat = np.transpose(d_mfcc_feat) - dd_mfcc_feat = np.transpose(dd_mfcc_feat) - # concat above three features - concat_mfcc_feat = np.concatenate( - (mfcc_feat, d_mfcc_feat, dd_mfcc_feat)) - return concat_mfcc_feat diff --git a/examples/transv1.8to2.x/data_utils/featurizer/speech_featurizer.py b/examples/transv1.8to2.x/data_utils/featurizer/speech_featurizer.py deleted file mode 100644 index 232251dd0..000000000 --- a/examples/transv1.8to2.x/data_utils/featurizer/speech_featurizer.py +++ /dev/null @@ -1,107 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the speech featurizer class.""" -from data_utils.featurizer.audio_featurizer import AudioFeaturizer -from data_utils.featurizer.text_featurizer import TextFeaturizer - - -class SpeechFeaturizer(object): - """Speech featurizer, for extracting features from both audio and transcript - contents of SpeechSegment. - - Currently, for audio parts, it supports feature types of linear - spectrogram and mfcc; for transcript parts, it only supports char-level - tokenizing and conversion into a list of token indices. Note that the - token indexing order follows the given vocabulary file. - - :param vocab_filepath: Filepath to load vocabulary for token indices - conversion. - :type specgram_type: str - :param specgram_type: Specgram feature type. Options: 'linear', 'mfcc'. - :type specgram_type: str - :param stride_ms: Striding size (in milliseconds) for generating frames. - :type stride_ms: float - :param window_ms: Window size (in milliseconds) for generating frames. - :type window_ms: float - :param max_freq: When specgram_type is 'linear', only FFT bins - corresponding to frequencies between [0, max_freq] are - returned; when specgram_type is 'mfcc', max_freq is the - highest band edge of mel filters. - :types max_freq: None|float - :param target_sample_rate: Speech are resampled (if upsampling or - downsampling is allowed) to this before - extracting spectrogram features. - :type target_sample_rate: float - :param use_dB_normalization: Whether to normalize the audio to a certain - decibels before extracting the features. - :type use_dB_normalization: bool - :param target_dB: Target audio decibels for normalization. - :type target_dB: float - """ - - def __init__(self, - vocab_filepath, - specgram_type='linear', - stride_ms=10.0, - window_ms=20.0, - max_freq=None, - target_sample_rate=16000, - use_dB_normalization=True, - target_dB=-20): - self._audio_featurizer = AudioFeaturizer( - specgram_type=specgram_type, - stride_ms=stride_ms, - window_ms=window_ms, - max_freq=max_freq, - target_sample_rate=target_sample_rate, - use_dB_normalization=use_dB_normalization, - target_dB=target_dB) - self._text_featurizer = TextFeaturizer(vocab_filepath) - - def featurize(self, speech_segment, keep_transcription_text): - """Extract features for speech segment. - - 1. For audio parts, extract the audio features. - 2. For transcript parts, keep the original text or convert text string - to a list of token indices in char-level. - - :param audio_segment: Speech segment to extract features from. - :type audio_segment: SpeechSegment - :return: A tuple of 1) spectrogram audio feature in 2darray, 2) list of - char-level token indices. - :rtype: tuple - """ - audio_feature = self._audio_featurizer.featurize(speech_segment) - if keep_transcription_text: - return audio_feature, speech_segment.transcript - text_ids = self._text_featurizer.featurize(speech_segment.transcript) - return audio_feature, text_ids - - @property - def vocab_size(self): - """Return the vocabulary size. - - :return: Vocabulary size. - :rtype: int - """ - return self._text_featurizer.vocab_size - - @property - def vocab_list(self): - """Return the vocabulary in list. - - :return: Vocabulary in list. - :rtype: list - """ - return self._text_featurizer.vocab_list diff --git a/examples/transv1.8to2.x/data_utils/featurizer/text_featurizer.py b/examples/transv1.8to2.x/data_utils/featurizer/text_featurizer.py deleted file mode 100644 index a56073f91..000000000 --- a/examples/transv1.8to2.x/data_utils/featurizer/text_featurizer.py +++ /dev/null @@ -1,76 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the text featurizer class.""" -import codecs - - -class TextFeaturizer(object): - """Text featurizer, for processing or extracting features from text. - - Currently, it only supports char-level tokenizing and conversion into - a list of token indices. Note that the token indexing order follows the - given vocabulary file. - - :param vocab_filepath: Filepath to load vocabulary for token indices - conversion. - :type specgram_type: str - """ - - def __init__(self, vocab_filepath): - self._vocab_dict, self._vocab_list = self._load_vocabulary_from_file( - vocab_filepath) - - def featurize(self, text): - """Convert text string to a list of token indices in char-level.Note - that the token indexing order follows the given vocabulary file. - - :param text: Text to process. - :type text: str - :return: List of char-level token indices. - :rtype: list - """ - tokens = self._char_tokenize(text) - return [self._vocab_dict[token] for token in tokens] - - @property - def vocab_size(self): - """Return the vocabulary size. - - :return: Vocabulary size. - :rtype: int - """ - return len(self._vocab_list) - - @property - def vocab_list(self): - """Return the vocabulary in list. - - :return: Vocabulary in list. - :rtype: list - """ - return self._vocab_list - - def _char_tokenize(self, text): - """Character tokenizer.""" - return list(text.strip()) - - def _load_vocabulary_from_file(self, vocab_filepath): - """Load vocabulary from file.""" - vocab_lines = [] - with codecs.open(vocab_filepath, 'r', 'utf-8') as file: - vocab_lines.extend(file.readlines()) - vocab_list = [line[:-1] for line in vocab_lines] - vocab_dict = dict( - [(token, id) for (id, token) in enumerate(vocab_list)]) - return vocab_dict, vocab_list diff --git a/examples/transv1.8to2.x/data_utils/normalizer.py b/examples/transv1.8to2.x/data_utils/normalizer.py deleted file mode 100644 index c1d94528d..000000000 --- a/examples/transv1.8to2.x/data_utils/normalizer.py +++ /dev/null @@ -1,97 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains feature normalizers.""" -import random - -import numpy as np -from data_utils.audio import AudioSegment -from data_utils.utility import read_manifest - - -class FeatureNormalizer(object): - """Feature normalizer. Normalize features to be of zero mean and unit - stddev. - - if mean_std_filepath is provided (not None), the normalizer will directly - initilize from the file. Otherwise, both manifest_path and featurize_func - should be given for on-the-fly mean and stddev computing. - - :param mean_std_filepath: File containing the pre-computed mean and stddev. - :type mean_std_filepath: None|str - :param manifest_path: Manifest of instances for computing mean and stddev. - :type meanifest_path: None|str - :param featurize_func: Function to extract features. It should be callable - with ``featurize_func(audio_segment)``. - :type featurize_func: None|callable - :param num_samples: Number of random samples for computing mean and stddev. - :type num_samples: int - :param random_seed: Random seed for sampling instances. - :type random_seed: int - :raises ValueError: If both mean_std_filepath and manifest_path - (or both mean_std_filepath and featurize_func) are None. - """ - - def __init__(self, - mean_std_filepath, - manifest_path=None, - featurize_func=None, - num_samples=500, - random_seed=0): - if not mean_std_filepath: - if not (manifest_path and featurize_func): - raise ValueError("If mean_std_filepath is None, meanifest_path " - "and featurize_func should not be None.") - self._rng = random.Random(random_seed) - self._compute_mean_std(manifest_path, featurize_func, num_samples) - else: - self._read_mean_std_from_file(mean_std_filepath) - - def apply(self, features, eps=1e-14): - """Normalize features to be of zero mean and unit stddev. - - :param features: Input features to be normalized. - :type features: ndarray - :param eps: added to stddev to provide numerical stablibity. - :type eps: float - :return: Normalized features. - :rtype: ndarray - """ - return (features - self._mean) / (self._std + eps) - - def write_to_file(self, filepath): - """Write the mean and stddev to the file. - - :param filepath: File to write mean and stddev. - :type filepath: str - """ - np.savez(filepath, mean=self._mean, std=self._std) - - def _read_mean_std_from_file(self, filepath): - """Load mean and std from file.""" - npzfile = np.load(filepath) - self._mean = npzfile["mean"] - self._std = npzfile["std"] - - def _compute_mean_std(self, manifest_path, featurize_func, num_samples): - """Compute mean and std from randomly sampled instances.""" - manifest = read_manifest(manifest_path) - sampled_manifest = self._rng.sample(manifest, num_samples) - features = [] - for instance in sampled_manifest: - features.append( - featurize_func( - AudioSegment.from_file(instance["audio_filepath"]))) - features = np.hstack(features) - self._mean = np.mean(features, axis=1).reshape([-1, 1]) - self._std = np.std(features, axis=1).reshape([-1, 1]) diff --git a/examples/transv1.8to2.x/data_utils/speech.py b/examples/transv1.8to2.x/data_utils/speech.py deleted file mode 100644 index 8daf58b0b..000000000 --- a/examples/transv1.8to2.x/data_utils/speech.py +++ /dev/null @@ -1,153 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the speech segment class.""" -import numpy as np -from data_utils.audio import AudioSegment - - -class SpeechSegment(AudioSegment): - """Speech segment abstraction, a subclass of AudioSegment, - with an additional transcript. - - :param samples: Audio samples [num_samples x num_channels]. - :type samples: ndarray.float32 - :param sample_rate: Audio sample rate. - :type sample_rate: int - :param transcript: Transcript text for the speech. - :type transript: str - :raises TypeError: If the sample data type is not float or int. - """ - - def __init__(self, samples, sample_rate, transcript): - AudioSegment.__init__(self, samples, sample_rate) - self._transcript = transcript - - def __eq__(self, other): - """Return whether two objects are equal. - """ - if not AudioSegment.__eq__(self, other): - return False - if self._transcript != other._transcript: - return False - return True - - def __ne__(self, other): - """Return whether two objects are unequal.""" - return not self.__eq__(other) - - @classmethod - def from_file(cls, filepath, transcript): - """Create speech segment from audio file and corresponding transcript. - - :param filepath: Filepath or file object to audio file. - :type filepath: str|file - :param transcript: Transcript text for the speech. - :type transript: str - :return: Speech segment instance. - :rtype: SpeechSegment - """ - audio = AudioSegment.from_file(filepath) - return cls(audio.samples, audio.sample_rate, transcript) - - @classmethod - def from_bytes(cls, bytes, transcript): - """Create speech segment from a byte string and corresponding - transcript. - - :param bytes: Byte string containing audio samples. - :type bytes: str - :param transcript: Transcript text for the speech. - :type transript: str - :return: Speech segment instance. - :rtype: Speech Segment - """ - audio = AudioSegment.from_bytes(bytes) - return cls(audio.samples, audio.sample_rate, transcript) - - @classmethod - def concatenate(cls, *segments): - """Concatenate an arbitrary number of speech segments together, both - audio and transcript will be concatenated. - - :param *segments: Input speech segments to be concatenated. - :type *segments: tuple of SpeechSegment - :return: Speech segment instance. - :rtype: SpeechSegment - :raises ValueError: If the number of segments is zero, or if the - sample_rate of any two segments does not match. - :raises TypeError: If any segment is not SpeechSegment instance. - """ - if len(segments) == 0: - raise ValueError("No speech segments are given to concatenate.") - sample_rate = segments[0]._sample_rate - transcripts = "" - for seg in segments: - if sample_rate != seg._sample_rate: - raise ValueError("Can't concatenate segments with " - "different sample rates") - if type(seg) is not cls: - raise TypeError("Only speech segments of the same type " - "instance can be concatenated.") - transcripts += seg._transcript - samples = np.concatenate([seg.samples for seg in segments]) - return cls(samples, sample_rate, transcripts) - - @classmethod - def slice_from_file(cls, filepath, transcript, start=None, end=None): - """Loads a small section of an speech without having to load - the entire file into the memory which can be incredibly wasteful. - - :param filepath: Filepath or file object to audio file. - :type filepath: str|file - :param start: Start time in seconds. If start is negative, it wraps - around from the end. If not provided, this function - reads from the very beginning. - :type start: float - :param end: End time in seconds. If end is negative, it wraps around - from the end. If not provided, the default behvaior is - to read to the end of the file. - :type end: float - :param transcript: Transcript text for the speech. if not provided, - the defaults is an empty string. - :type transript: str - :return: SpeechSegment instance of the specified slice of the input - speech file. - :rtype: SpeechSegment - """ - audio = AudioSegment.slice_from_file(filepath, start, end) - return cls(audio.samples, audio.sample_rate, transcript) - - @classmethod - def make_silence(cls, duration, sample_rate): - """Creates a silent speech segment of the given duration and - sample rate, transcript will be an empty string. - - :param duration: Length of silence in seconds. - :type duration: float - :param sample_rate: Sample rate. - :type sample_rate: float - :return: Silence of the given duration. - :rtype: SpeechSegment - """ - audio = AudioSegment.make_silence(duration, sample_rate) - return cls(audio.samples, audio.sample_rate, "") - - @property - def transcript(self): - """Return the transcript text. - - :return: Transcript text for the speech. - :rtype: str - """ - return self._transcript diff --git a/examples/transv1.8to2.x/data_utils/utility.py b/examples/transv1.8to2.x/data_utils/utility.py deleted file mode 100644 index 61e78dcbd..000000000 --- a/examples/transv1.8to2.x/data_utils/utility.py +++ /dev/null @@ -1,98 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains data helper functions.""" -import codecs -import json -import os -import tarfile - -from paddle.dataset.common import md5file - - -def read_manifest(manifest_path, max_duration=float('inf'), min_duration=0.0): - """Load and parse manifest file. - - Instances with durations outside [min_duration, max_duration] will be - filtered out. - - :param manifest_path: Manifest file to load and parse. - :type manifest_path: str - :param max_duration: Maximal duration in seconds for instance filter. - :type max_duration: float - :param min_duration: Minimal duration in seconds for instance filter. - :type min_duration: float - :return: Manifest parsing results. List of dict. - :rtype: list - :raises IOError: If failed to parse the manifest. - """ - manifest = [] - for json_line in codecs.open(manifest_path, 'r', 'utf-8'): - try: - json_data = json.loads(json_line) - except Exception as e: - raise IOError("Error reading manifest: %s" % str(e)) - if (json_data["duration"] <= max_duration and - json_data["duration"] >= min_duration): - manifest.append(json_data) - return manifest - - -def getfile_insensitive(path): - """Get the actual file path when given insensitive filename.""" - directory, filename = os.path.split(path) - directory, filename = (directory or '.'), filename.lower() - for f in os.listdir(directory): - newpath = os.path.join(directory, f) - if os.path.isfile(newpath) and f.lower() == filename: - return newpath - - -def download_multi(url, target_dir, extra_args): - """Download multiple files from url to target_dir.""" - if not os.path.exists(target_dir): - os.makedirs(target_dir) - print("Downloading %s ..." % url) - ret_code = os.system("wget -c " + url + ' ' + extra_args + " -P " + - target_dir) - return ret_code - - -def download(url, md5sum, target_dir): - """Download file from url to target_dir, and check md5sum.""" - if not os.path.exists(target_dir): - os.makedirs(target_dir) - filepath = os.path.join(target_dir, url.split("/")[-1]) - if not (os.path.exists(filepath) and md5file(filepath) == md5sum): - print("Downloading %s ..." % url) - os.system("wget -c " + url + " -P " + target_dir) - print("\nMD5 Chesksum %s ..." % filepath) - if not md5file(filepath) == md5sum: - raise RuntimeError("MD5 checksum failed.") - else: - print("File exists, skip downloading. (%s)" % filepath) - return filepath - - -def unpack(filepath, target_dir, rm_tar=False): - """Unpack the file to the target_dir.""" - print("Unpacking %s ..." % filepath) - tar = tarfile.open(filepath) - tar.extractall(target_dir) - tar.close() - if rm_tar is True: - os.remove(filepath) - - -class XmapEndSignal(): - pass diff --git a/examples/transv1.8to2.x/deepspeech/decoders/README.MD b/examples/transv1.8to2.x/deepspeech/decoders/README.MD deleted file mode 100644 index 046069d61..000000000 --- a/examples/transv1.8to2.x/deepspeech/decoders/README.MD +++ /dev/null @@ -1,3 +0,0 @@ -# Reference -* [Sequence Modeling With CTC](https://distill.pub/2017/ctc/) -* [First-Pass Large Vocabulary Continuous Speech Recognition using Bi-Directional Recurrent DNNs](https://arxiv.org/pdf/1408.2873.pdf) \ No newline at end of file diff --git a/examples/transv1.8to2.x/deepspeech/decoders/__init__.py b/examples/transv1.8to2.x/deepspeech/decoders/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/deepspeech/decoders/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/decoders/decoders_deprecated.py b/examples/transv1.8to2.x/deepspeech/decoders/decoders_deprecated.py deleted file mode 100644 index fef08807e..000000000 --- a/examples/transv1.8to2.x/deepspeech/decoders/decoders_deprecated.py +++ /dev/null @@ -1,248 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains various CTC decoders.""" -import multiprocessing -from itertools import groupby -from math import log - -import numpy as np - - -def ctc_greedy_decoder(probs_seq, vocabulary): - """CTC greedy (best path) decoder. - - Path consisting of the most probable tokens are further post-processed to - remove consecutive repetitions and all blanks. - - :param probs_seq: 2-D list of probabilities over the vocabulary for each - character. Each element is a list of float probabilities - for one character. - :type probs_seq: list - :param vocabulary: Vocabulary list. - :type vocabulary: list - :return: Decoding result string. - :rtype: baseline - """ - # dimension verification - for probs in probs_seq: - if not len(probs) == len(vocabulary) + 1: - raise ValueError("probs_seq dimension mismatchedd with vocabulary") - # argmax to get the best index for each time step - max_index_list = list(np.array(probs_seq).argmax(axis=1)) - # remove consecutive duplicate indexes - index_list = [index_group[0] for index_group in groupby(max_index_list)] - # remove blank indexes - blank_index = len(vocabulary) - index_list = [index for index in index_list if index != blank_index] - # convert index list to string - return ''.join([vocabulary[index] for index in index_list]) - - -def ctc_beam_search_decoder(probs_seq, - beam_size, - vocabulary, - cutoff_prob=1.0, - cutoff_top_n=40, - ext_scoring_func=None, - nproc=False): - """CTC Beam search decoder. - - It utilizes beam search to approximately select top best decoding - labels and returning results in the descending order. - The implementation is based on Prefix Beam Search - (https://arxiv.org/abs/1408.2873), and the unclear part is - redesigned. Two important modifications: 1) in the iterative computation - of probabilities, the assignment operation is changed to accumulation for - one prefix may comes from different paths; 2) the if condition "if l^+ not - in A_prev then" after probabilities' computation is deprecated for it is - hard to understand and seems unnecessary. - - :param probs_seq: 2-D list of probability distributions over each time - step, with each element being a list of normalized - probabilities over vocabulary and blank. - :type probs_seq: 2-D list - :param beam_size: Width for beam search. - :type beam_size: int - :param vocabulary: Vocabulary list. - :type vocabulary: list - :param cutoff_prob: Cutoff probability in pruning, - default 1.0, no pruning. - :type cutoff_prob: float - :param ext_scoring_func: External scoring function for - partially decoded sentence, e.g. word count - or language model. - :type external_scoring_func: callable - :param nproc: Whether the decoder used in multiprocesses. - :type nproc: bool - :return: List of tuples of log probability and sentence as decoding - results, in descending order of the probability. - :rtype: list - """ - # dimension check - for prob_list in probs_seq: - if not len(prob_list) == len(vocabulary) + 1: - raise ValueError("The shape of prob_seq does not match with the " - "shape of the vocabulary.") - - # blank_id assign - blank_id = len(vocabulary) - - # If the decoder called in the multiprocesses, then use the global scorer - # instantiated in ctc_beam_search_decoder_batch(). - if nproc is True: - global ext_nproc_scorer - ext_scoring_func = ext_nproc_scorer - - # initialize - # prefix_set_prev: the set containing selected prefixes - # probs_b_prev: prefixes' probability ending with blank in previous step - # probs_nb_prev: prefixes' probability ending with non-blank in previous step - prefix_set_prev = {'\t': 1.0} - probs_b_prev, probs_nb_prev = {'\t': 1.0}, {'\t': 0.0} - - # extend prefix in loop - for time_step in range(len(probs_seq)): - # prefix_set_next: the set containing candidate prefixes - # probs_b_cur: prefixes' probability ending with blank in current step - # probs_nb_cur: prefixes' probability ending with non-blank in current step - prefix_set_next, probs_b_cur, probs_nb_cur = {}, {}, {} - - prob_idx = list(enumerate(probs_seq[time_step])) - cutoff_len = len(prob_idx) - # If pruning is enabled - if cutoff_prob < 1.0 or cutoff_top_n < cutoff_len: - prob_idx = sorted(prob_idx, key=lambda asd: asd[1], reverse=True) - cutoff_len, cum_prob = 0, 0.0 - for i in range(len(prob_idx)): - cum_prob += prob_idx[i][1] - cutoff_len += 1 - if cum_prob >= cutoff_prob: - break - cutoff_len = min(cutoff_len, cutoff_top_n) - prob_idx = prob_idx[0:cutoff_len] - - for l in prefix_set_prev: - if l not in prefix_set_next: - probs_b_cur[l], probs_nb_cur[l] = 0.0, 0.0 - - # extend prefix by travering prob_idx - for index in range(cutoff_len): - c, prob_c = prob_idx[index][0], prob_idx[index][1] - - if c == blank_id: - probs_b_cur[l] += prob_c * ( - probs_b_prev[l] + probs_nb_prev[l]) - else: - last_char = l[-1] - new_char = vocabulary[c] - l_plus = l + new_char - if l_plus not in prefix_set_next: - probs_b_cur[l_plus], probs_nb_cur[l_plus] = 0.0, 0.0 - - if new_char == last_char: - probs_nb_cur[l_plus] += prob_c * probs_b_prev[l] - probs_nb_cur[l] += prob_c * probs_nb_prev[l] - elif new_char == ' ': - if (ext_scoring_func is None) or (len(l) == 1): - score = 1.0 - else: - prefix = l[1:] - score = ext_scoring_func(prefix) - probs_nb_cur[l_plus] += score * prob_c * ( - probs_b_prev[l] + probs_nb_prev[l]) - else: - probs_nb_cur[l_plus] += prob_c * ( - probs_b_prev[l] + probs_nb_prev[l]) - # add l_plus into prefix_set_next - prefix_set_next[l_plus] = probs_nb_cur[ - l_plus] + probs_b_cur[l_plus] - # add l into prefix_set_next - prefix_set_next[l] = probs_b_cur[l] + probs_nb_cur[l] - # update probs - probs_b_prev, probs_nb_prev = probs_b_cur, probs_nb_cur - - # store top beam_size prefixes - prefix_set_prev = sorted( - prefix_set_next.items(), key=lambda asd: asd[1], reverse=True) - if beam_size < len(prefix_set_prev): - prefix_set_prev = prefix_set_prev[:beam_size] - prefix_set_prev = dict(prefix_set_prev) - - beam_result = [] - for seq, prob in prefix_set_prev.items(): - if prob > 0.0 and len(seq) > 1: - result = seq[1:] - # score last word by external scorer - if (ext_scoring_func is not None) and (result[-1] != ' '): - prob = prob * ext_scoring_func(result) - log_prob = log(prob) - beam_result.append((log_prob, result)) - else: - beam_result.append((float('-inf'), '')) - - # output top beam_size decoding results - beam_result = sorted(beam_result, key=lambda asd: asd[0], reverse=True) - return beam_result - - -def ctc_beam_search_decoder_batch(probs_split, - beam_size, - vocabulary, - num_processes, - cutoff_prob=1.0, - cutoff_top_n=40, - ext_scoring_func=None): - """CTC beam search decoder using multiple processes. - - :param probs_seq: 3-D list with each element as an instance of 2-D list - of probabilities used by ctc_beam_search_decoder(). - :type probs_seq: 3-D list - :param beam_size: Width for beam search. - :type beam_size: int - :param vocabulary: Vocabulary list. - :type vocabulary: list - :param num_processes: Number of parallel processes. - :type num_processes: int - :param cutoff_prob: Cutoff probability in pruning, - default 1.0, no pruning. - :type cutoff_prob: float - :param num_processes: Number of parallel processes. - :type num_processes: int - :param ext_scoring_func: External scoring function for - partially decoded sentence, e.g. word count - or language model. - :type external_scoring_function: callable - :return: List of tuples of log probability and sentence as decoding - results, in descending order of the probability. - :rtype: list - """ - if not num_processes > 0: - raise ValueError("Number of processes must be positive!") - - # use global variable to pass the externnal scorer to beam search decoder - global ext_nproc_scorer - ext_nproc_scorer = ext_scoring_func - nproc = True - - pool = multiprocessing.Pool(processes=num_processes) - results = [] - for i, probs_list in enumerate(probs_split): - args = (probs_list, beam_size, vocabulary, cutoff_prob, cutoff_top_n, - None, nproc) - results.append(pool.apply_async(ctc_beam_search_decoder, args)) - - pool.close() - pool.join() - beam_search_results = [result.get() for result in results] - return beam_search_results diff --git a/examples/transv1.8to2.x/deepspeech/decoders/scorer_deprecated.py b/examples/transv1.8to2.x/deepspeech/decoders/scorer_deprecated.py deleted file mode 100644 index d81fb2e3c..000000000 --- a/examples/transv1.8to2.x/deepspeech/decoders/scorer_deprecated.py +++ /dev/null @@ -1,78 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""External Scorer for Beam Search Decoder.""" -import os - -import kenlm -import numpy as np - - -class Scorer(object): - """External scorer to evaluate a prefix or whole sentence in - beam search decoding, including the score from n-gram language - model and word count. - - :param alpha: Parameter associated with language model. Don't use - language model when alpha = 0. - :type alpha: float - :param beta: Parameter associated with word count. Don't use word - count when beta = 0. - :type beta: float - :model_path: Path to load language model. - :type model_path: str - """ - - def __init__(self, alpha, beta, model_path): - self._alpha = alpha - self._beta = beta - if not os.path.isfile(model_path): - raise IOError("Invaid language model path: %s" % model_path) - self._language_model = kenlm.LanguageModel(model_path) - - # n-gram language model scoring - def _language_model_score(self, sentence): - #log10 prob of last word - log_cond_prob = list( - self._language_model.full_scores(sentence, eos=False))[-1][0] - return np.power(10, log_cond_prob) - - # word insertion term - def _word_count(self, sentence): - words = sentence.strip().split(' ') - return len(words) - - # reset alpha and beta - def reset_params(self, alpha, beta): - self._alpha = alpha - self._beta = beta - - # execute evaluation - def __call__(self, sentence, log=False): - """Evaluation function, gathering all the different scores - and return the final one. - - :param sentence: The input sentence for evalutation - :type sentence: str - :param log: Whether return the score in log representation. - :type log: bool - :return: Evaluation score, in the decimal or log. - :rtype: float - """ - lm = self._language_model_score(sentence) - word_cnt = self._word_count(sentence) - if log is False: - score = np.power(lm, self._alpha) * np.power(word_cnt, self._beta) - else: - score = self._alpha * np.log(lm) + self._beta * np.log(word_cnt) - return score diff --git a/examples/transv1.8to2.x/deepspeech/decoders/swig_wrapper.py b/examples/transv1.8to2.x/deepspeech/decoders/swig_wrapper.py deleted file mode 100644 index d883d430c..000000000 --- a/examples/transv1.8to2.x/deepspeech/decoders/swig_wrapper.py +++ /dev/null @@ -1,134 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Wrapper for various CTC decoders in SWIG.""" -import swig_decoders - - -class Scorer(swig_decoders.Scorer): - """Wrapper for Scorer. - - :param alpha: Parameter associated with language model. Don't use - language model when alpha = 0. - :type alpha: float - :param beta: Parameter associated with word count. Don't use word - count when beta = 0. - :type beta: float - :model_path: Path to load language model. - :type model_path: str - """ - - def __init__(self, alpha, beta, model_path, vocabulary): - swig_decoders.Scorer.__init__(self, alpha, beta, model_path, vocabulary) - - -def ctc_greedy_decoder(probs_seq, vocabulary, blank_id): - """Wrapper for ctc best path decoder in swig. - - :param probs_seq: 2-D list of probability distributions over each time - step, with each element being a list of normalized - probabilities over vocabulary and blank. - :type probs_seq: 2-D list - :param vocabulary: Vocabulary list. - :type vocabulary: list - :return: Decoding result string. - :rtype: str - """ - result = swig_decoders.ctc_greedy_decoder(probs_seq.tolist(), vocabulary, - blank_id) - return result - - -def ctc_beam_search_decoder(probs_seq, - vocabulary, - beam_size, - cutoff_prob=1.0, - cutoff_top_n=40, - ext_scoring_func=None, - blank_id=0): - """Wrapper for the CTC Beam Search Decoder. - - :param probs_seq: 2-D list of probability distributions over each time - step, with each element being a list of normalized - probabilities over vocabulary and blank. - :type probs_seq: 2-D list - :param vocabulary: Vocabulary list. - :type vocabulary: list - :param beam_size: Width for beam search. - :type beam_size: int - :param cutoff_prob: Cutoff probability in pruning, - default 1.0, no pruning. - :type cutoff_prob: float - :param cutoff_top_n: Cutoff number in pruning, only top cutoff_top_n - characters with highest probs in vocabulary will be - used in beam search, default 40. - :type cutoff_top_n: int - :param ext_scoring_func: External scoring function for - partially decoded sentence, e.g. word count - or language model. - :type external_scoring_func: callable - :return: List of tuples of log probability and sentence as decoding - results, in descending order of the probability. - :rtype: list - """ - beam_results = swig_decoders.ctc_beam_search_decoder( - probs_seq.tolist(), vocabulary, beam_size, cutoff_prob, cutoff_top_n, - ext_scoring_func, blank_id) - beam_results = [(res[0], res[1].decode('utf-8')) for res in beam_results] - return beam_results - - -def ctc_beam_search_decoder_batch(probs_split, - vocabulary, - beam_size, - num_processes, - cutoff_prob=1.0, - cutoff_top_n=40, - ext_scoring_func=None, - blank_id=0): - """Wrapper for the batched CTC beam search decoder. - - :param probs_seq: 3-D list with each element as an instance of 2-D list - of probabilities used by ctc_beam_search_decoder(). - :type probs_seq: 3-D list - :param vocabulary: Vocabulary list. - :type vocabulary: list - :param beam_size: Width for beam search. - :type beam_size: int - :param num_processes: Number of parallel processes. - :type num_processes: int - :param cutoff_prob: Cutoff probability in vocabulary pruning, - default 1.0, no pruning. - :type cutoff_prob: float - :param cutoff_top_n: Cutoff number in pruning, only top cutoff_top_n - characters with highest probs in vocabulary will be - used in beam search, default 40. - :type cutoff_top_n: int - :param num_processes: Number of parallel processes. - :type num_processes: int - :param ext_scoring_func: External scoring function for - partially decoded sentence, e.g. word count - or language model. - :type external_scoring_function: callable - :return: List of tuples of log probability and sentence as decoding - results, in descending order of the probability. - :rtype: list - """ - probs_split = [probs_seq.tolist() for probs_seq in probs_split] - - batch_beam_results = swig_decoders.ctc_beam_search_decoder_batch( - probs_split, vocabulary, beam_size, num_processes, cutoff_prob, - cutoff_top_n, ext_scoring_func, blank_id) - batch_beam_results = [[(res[0], res[1]) for res in beam_results] - for beam_results in batch_beam_results] - return batch_beam_results diff --git a/examples/transv1.8to2.x/deepspeech/frontend/__init__.py b/examples/transv1.8to2.x/deepspeech/frontend/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/frontend/audio.py b/examples/transv1.8to2.x/deepspeech/frontend/audio.py deleted file mode 100644 index ffdcd4b3a..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/audio.py +++ /dev/null @@ -1,721 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the audio segment class.""" -import copy -import io -import random -import re -import struct - -import numpy as np -import resampy -import soundfile -import soxbindings as sox -from scipy import signal - - -class AudioSegment(object): - """Monaural audio segment abstraction. - - :param samples: Audio samples [num_samples x num_channels]. - :type samples: ndarray.float32 - :param sample_rate: Audio sample rate. - :type sample_rate: int - :raises TypeError: If the sample data type is not float or int. - """ - - def __init__(self, samples, sample_rate): - """Create audio segment from samples. - - Samples are convert float32 internally, with int scaled to [-1, 1]. - """ - self._samples = self._convert_samples_to_float32(samples) - self._sample_rate = sample_rate - if self._samples.ndim >= 2: - self._samples = np.mean(self._samples, 1) - - def __eq__(self, other): - """Return whether two objects are equal.""" - if type(other) is not type(self): - return False - if self._sample_rate != other._sample_rate: - return False - if self._samples.shape != other._samples.shape: - return False - if np.any(self.samples != other._samples): - return False - return True - - def __ne__(self, other): - """Return whether two objects are unequal.""" - return not self.__eq__(other) - - def __str__(self): - """Return human-readable representation of segment.""" - return ("%s: num_samples=%d, sample_rate=%d, duration=%.2fsec, " - "rms=%.2fdB" % (type(self), self.num_samples, self.sample_rate, - self.duration, self.rms_db)) - - @classmethod - def from_file(cls, file): - """Create audio segment from audio file. - - :param filepath: Filepath or file object to audio file. - :type filepath: str|file - :return: Audio segment instance. - :rtype: AudioSegment - """ - if isinstance(file, str) and re.findall(r".seqbin_\d+$", file): - return cls.from_sequence_file(file) - else: - samples, sample_rate = soundfile.read(file, dtype='float32') - return cls(samples, sample_rate) - - @classmethod - def slice_from_file(cls, file, start=None, end=None): - """Loads a small section of an audio without having to load - the entire file into the memory which can be incredibly wasteful. - - :param file: Input audio filepath or file object. - :type file: str|file - :param start: Start time in seconds. If start is negative, it wraps - around from the end. If not provided, this function - reads from the very beginning. - :type start: float - :param end: End time in seconds. If end is negative, it wraps around - from the end. If not provided, the default behvaior is - to read to the end of the file. - :type end: float - :return: AudioSegment instance of the specified slice of the input - audio file. - :rtype: AudioSegment - :raise ValueError: If start or end is incorrectly set, e.g. out of - bounds in time. - """ - sndfile = soundfile.SoundFile(file) - sample_rate = sndfile.samplerate - duration = float(len(sndfile)) / sample_rate - start = 0. if start is None else start - end = duration if end is None else end - if start < 0.0: - start += duration - if end < 0.0: - end += duration - if start < 0.0: - raise ValueError("The slice start position (%f s) is out of " - "bounds." % start) - if end < 0.0: - raise ValueError("The slice end position (%f s) is out of bounds." % - end) - if start > end: - raise ValueError("The slice start position (%f s) is later than " - "the slice end position (%f s)." % (start, end)) - if end > duration: - raise ValueError("The slice end position (%f s) is out of bounds " - "(> %f s)" % (end, duration)) - start_frame = int(start * sample_rate) - end_frame = int(end * sample_rate) - sndfile.seek(start_frame) - data = sndfile.read(frames=end_frame - start_frame, dtype='float32') - return cls(data, sample_rate) - - @classmethod - def from_sequence_file(cls, filepath): - """Create audio segment from sequence file. Sequence file is a binary - file containing a collection of multiple audio files, with several - header bytes in the head indicating the offsets of each audio byte data - chunk. - - The format is: - - 4 bytes (int, version), - 4 bytes (int, num of utterance), - 4 bytes (int, bytes per header), - [bytes_per_header*(num_utterance+1)] bytes (offsets for each audio), - audio_bytes_data_of_1st_utterance, - audio_bytes_data_of_2nd_utterance, - ...... - - Sequence file name must end with ".seqbin". And the filename of the 5th - utterance's audio file in sequence file "xxx.seqbin" must be - "xxx.seqbin_5", with "5" indicating the utterance index within this - sequence file (starting from 1). - - :param filepath: Filepath of sequence file. - :type filepath: str - :return: Audio segment instance. - :rtype: AudioSegment - """ - # parse filepath - matches = re.match(r"(.+\.seqbin)_(\d+)", filepath) - if matches is None: - raise IOError("File type of %s is not supported" % filepath) - filename = matches.group(1) - fileno = int(matches.group(2)) - - # read headers - f = io.open(filename, mode='rb', encoding='utf8') - version = f.read(4) - num_utterances = struct.unpack("i", f.read(4))[0] - bytes_per_header = struct.unpack("i", f.read(4))[0] - header_bytes = f.read(bytes_per_header * (num_utterances + 1)) - header = [ - struct.unpack("i", header_bytes[bytes_per_header * i: - bytes_per_header * (i + 1)])[0] - for i in range(num_utterances + 1) - ] - - # read audio bytes - f.seek(header[fileno - 1]) - audio_bytes = f.read(header[fileno] - header[fileno - 1]) - f.close() - - # create audio segment - try: - return cls.from_bytes(audio_bytes) - except Exception as e: - samples = np.frombuffer(audio_bytes, dtype='int16') - return cls(samples=samples, sample_rate=8000) - - @classmethod - def from_bytes(cls, bytes): - """Create audio segment from a byte string containing audio samples. - - :param bytes: Byte string containing audio samples. - :type bytes: str - :return: Audio segment instance. - :rtype: AudioSegment - """ - samples, sample_rate = soundfile.read( - io.BytesIO(bytes), dtype='float32') - return cls(samples, sample_rate) - - @classmethod - def concatenate(cls, *segments): - """Concatenate an arbitrary number of audio segments together. - - :param *segments: Input audio segments to be concatenated. - :type *segments: tuple of AudioSegment - :return: Audio segment instance as concatenating results. - :rtype: AudioSegment - :raises ValueError: If the number of segments is zero, or if the - sample_rate of any segments does not match. - :raises TypeError: If any segment is not AudioSegment instance. - """ - # Perform basic sanity-checks. - if len(segments) == 0: - raise ValueError("No audio segments are given to concatenate.") - sample_rate = segments[0]._sample_rate - for seg in segments: - if sample_rate != seg._sample_rate: - raise ValueError("Can't concatenate segments with " - "different sample rates") - if type(seg) is not cls: - raise TypeError("Only audio segments of the same type " - "can be concatenated.") - samples = np.concatenate([seg.samples for seg in segments]) - return cls(samples, sample_rate) - - @classmethod - def make_silence(cls, duration, sample_rate): - """Creates a silent audio segment of the given duration and sample rate. - - :param duration: Length of silence in seconds. - :type duration: float - :param sample_rate: Sample rate. - :type sample_rate: float - :return: Silent AudioSegment instance of the given duration. - :rtype: AudioSegment - """ - samples = np.zeros(int(duration * sample_rate)) - return cls(samples, sample_rate) - - def to_wav_file(self, filepath, dtype='float32'): - """Save audio segment to disk as wav file. - - :param filepath: WAV filepath or file object to save the - audio segment. - :type filepath: str|file - :param dtype: Subtype for audio file. Options: 'int16', 'int32', - 'float32', 'float64'. Default is 'float32'. - :type dtype: str - :raises TypeError: If dtype is not supported. - """ - samples = self._convert_samples_from_float32(self._samples, dtype) - subtype_map = { - 'int16': 'PCM_16', - 'int32': 'PCM_32', - 'float32': 'FLOAT', - 'float64': 'DOUBLE' - } - soundfile.write( - filepath, - samples, - self._sample_rate, - format='WAV', - subtype=subtype_map[dtype]) - - def superimpose(self, other): - """Add samples from another segment to those of this segment - (sample-wise addition, not segment concatenation). - - Note that this is an in-place transformation. - - :param other: Segment containing samples to be added in. - :type other: AudioSegments - :raise TypeError: If type of two segments don't match. - :raise ValueError: If the sample rates of the two segments are not - equal, or if the lengths of segments don't match. - """ - if isinstance(other, type(self)): - raise TypeError("Cannot add segments of different types: %s " - "and %s." % (type(self), type(other))) - if self._sample_rate != other._sample_rate: - raise ValueError("Sample rates must match to add segments.") - if len(self._samples) != len(other._samples): - raise ValueError("Segment lengths must match to add segments.") - self._samples += other._samples - - def to_bytes(self, dtype='float32'): - """Create a byte string containing the audio content. - - :param dtype: Data type for export samples. Options: 'int16', 'int32', - 'float32', 'float64'. Default is 'float32'. - :type dtype: str - :return: Byte string containing audio content. - :rtype: str - """ - samples = self._convert_samples_from_float32(self._samples, dtype) - return samples.tostring() - - def to(self, dtype='int16'): - """Create a `dtype` audio content. - - :param dtype: Data type for export samples. Options: 'int16', 'int32', - 'float32', 'float64'. Default is 'float32'. - :type dtype: str - :return: np.ndarray containing `dtype` audio content. - :rtype: str - """ - samples = self._convert_samples_from_float32(self._samples, dtype) - return samples - - def gain_db(self, gain): - """Apply gain in decibels to samples. - - Note that this is an in-place transformation. - - :param gain: Gain in decibels to apply to samples. - :type gain: float|1darray - """ - self._samples *= 10.**(gain / 20.) - - def change_speed(self, speed_rate): - """Change the audio speed by linear interpolation. - - Note that this is an in-place transformation. - - :param speed_rate: Rate of speed change: - speed_rate > 1.0, speed up the audio; - speed_rate = 1.0, unchanged; - speed_rate < 1.0, slow down the audio; - speed_rate <= 0.0, not allowed, raise ValueError. - :type speed_rate: float - :raises ValueError: If speed_rate <= 0.0. - """ - if speed_rate == 1.0: - return - if speed_rate <= 0: - raise ValueError("speed_rate should be greater than zero.") - - # numpy - # old_length = self._samples.shape[0] - # new_length = int(old_length / speed_rate) - # old_indices = np.arange(old_length) - # new_indices = np.linspace(start=0, stop=old_length, num=new_length) - # self._samples = np.interp(new_indices, old_indices, self._samples) - - # sox, slow - tfm = sox.Transformer() - tfm.set_globals(multithread=False) - tfm.speed(speed_rate) - self._samples = tfm.build_array( - input_array=self._samples, - sample_rate_in=self._sample_rate).squeeze(-1).astype( - np.float32).copy() - - def normalize(self, target_db=-20, max_gain_db=300.0): - """Normalize audio to be of the desired RMS value in decibels. - - Note that this is an in-place transformation. - - :param target_db: Target RMS value in decibels. This value should be - less than 0.0 as 0.0 is full-scale audio. - :type target_db: float - :param max_gain_db: Max amount of gain in dB that can be applied for - normalization. This is to prevent nans when - attempting to normalize a signal consisting of - all zeros. - :type max_gain_db: float - :raises ValueError: If the required gain to normalize the segment to - the target_db value exceeds max_gain_db. - """ - gain = target_db - self.rms_db - if gain > max_gain_db: - raise ValueError( - "Unable to normalize segment to %f dB because the " - "the probable gain have exceeds max_gain_db (%f dB)" % - (target_db, max_gain_db)) - self.gain_db(min(max_gain_db, target_db - self.rms_db)) - - def normalize_online_bayesian(self, - target_db, - prior_db, - prior_samples, - startup_delay=0.0): - """Normalize audio using a production-compatible online/causal - algorithm. This uses an exponential likelihood and gamma prior to - make online estimates of the RMS even when there are very few samples. - - Note that this is an in-place transformation. - - :param target_db: Target RMS value in decibels. - :type target_bd: float - :param prior_db: Prior RMS estimate in decibels. - :type prior_db: float - :param prior_samples: Prior strength in number of samples. - :type prior_samples: float - :param startup_delay: Default 0.0s. If provided, this function will - accrue statistics for the first startup_delay - seconds before applying online normalization. - :type startup_delay: float - """ - # Estimate total RMS online. - startup_sample_idx = min(self.num_samples - 1, - int(self.sample_rate * startup_delay)) - prior_mean_squared = 10.**(prior_db / 10.) - prior_sum_of_squares = prior_mean_squared * prior_samples - cumsum_of_squares = np.cumsum(self.samples**2) - sample_count = np.arange(self.num_samples) + 1 - if startup_sample_idx > 0: - cumsum_of_squares[:startup_sample_idx] = \ - cumsum_of_squares[startup_sample_idx] - sample_count[:startup_sample_idx] = \ - sample_count[startup_sample_idx] - mean_squared_estimate = ((cumsum_of_squares + prior_sum_of_squares) / - (sample_count + prior_samples)) - rms_estimate_db = 10 * np.log10(mean_squared_estimate) - # Compute required time-varying gain. - gain_db = target_db - rms_estimate_db - self.gain_db(gain_db) - - def resample(self, target_sample_rate, filter='kaiser_best'): - """Resample the audio to a target sample rate. - - Note that this is an in-place transformation. - - :param target_sample_rate: Target sample rate. - :type target_sample_rate: int - :param filter: The resampling filter to use one of {'kaiser_best', - 'kaiser_fast'}. - :type filter: str - """ - self._samples = resampy.resample( - self.samples, self.sample_rate, target_sample_rate, filter=filter) - self._sample_rate = target_sample_rate - - def pad_silence(self, duration, sides='both'): - """Pad this audio sample with a period of silence. - - Note that this is an in-place transformation. - - :param duration: Length of silence in seconds to pad. - :type duration: float - :param sides: Position for padding: - 'beginning' - adds silence in the beginning; - 'end' - adds silence in the end; - 'both' - adds silence in both the beginning and the end. - :type sides: str - :raises ValueError: If sides is not supported. - """ - if duration == 0.0: - return self - cls = type(self) - silence = self.make_silence(duration, self._sample_rate) - if sides == "beginning": - padded = cls.concatenate(silence, self) - elif sides == "end": - padded = cls.concatenate(self, silence) - elif sides == "both": - padded = cls.concatenate(silence, self, silence) - else: - raise ValueError("Unknown value for the sides %s" % sides) - self._samples = padded._samples - - def shift(self, shift_ms): - """Shift the audio in time. If `shift_ms` is positive, shift with time - advance; if negative, shift with time delay. Silence are padded to - keep the duration unchanged. - - Note that this is an in-place transformation. - - :param shift_ms: Shift time in millseconds. If positive, shift with - time advance; if negative; shift with time delay. - :type shift_ms: float - :raises ValueError: If shift_ms is longer than audio duration. - """ - if abs(shift_ms) / 1000.0 > self.duration: - raise ValueError("Absolute value of shift_ms should be smaller " - "than audio duration.") - shift_samples = int(shift_ms * self._sample_rate / 1000) - if shift_samples > 0: - # time advance - self._samples[:-shift_samples] = self._samples[shift_samples:] - self._samples[-shift_samples:] = 0 - elif shift_samples < 0: - # time delay - self._samples[-shift_samples:] = self._samples[:shift_samples] - self._samples[:-shift_samples] = 0 - - def subsegment(self, start_sec=None, end_sec=None): - """Cut the AudioSegment between given boundaries. - - Note that this is an in-place transformation. - - :param start_sec: Beginning of subsegment in seconds. - :type start_sec: float - :param end_sec: End of subsegment in seconds. - :type end_sec: float - :raise ValueError: If start_sec or end_sec is incorrectly set, e.g. out - of bounds in time. - """ - start_sec = 0.0 if start_sec is None else start_sec - end_sec = self.duration if end_sec is None else end_sec - if start_sec < 0.0: - start_sec = self.duration + start_sec - if end_sec < 0.0: - end_sec = self.duration + end_sec - if start_sec < 0.0: - raise ValueError("The slice start position (%f s) is out of " - "bounds." % start_sec) - if end_sec < 0.0: - raise ValueError("The slice end position (%f s) is out of bounds." % - end_sec) - if start_sec > end_sec: - raise ValueError("The slice start position (%f s) is later than " - "the end position (%f s)." % (start_sec, end_sec)) - if end_sec > self.duration: - raise ValueError("The slice end position (%f s) is out of bounds " - "(> %f s)" % (end_sec, self.duration)) - start_sample = int(round(start_sec * self._sample_rate)) - end_sample = int(round(end_sec * self._sample_rate)) - self._samples = self._samples[start_sample:end_sample] - - def random_subsegment(self, subsegment_length, rng=None): - """Cut the specified length of the audiosegment randomly. - - Note that this is an in-place transformation. - - :param subsegment_length: Subsegment length in seconds. - :type subsegment_length: float - :param rng: Random number generator state. - :type rng: random.Random - :raises ValueError: If the length of subsegment is greater than - the origineal segemnt. - """ - rng = random.Random() if rng is None else rng - if subsegment_length > self.duration: - raise ValueError("Length of subsegment must not be greater " - "than original segment.") - start_time = rng.uniform(0.0, self.duration - subsegment_length) - self.subsegment(start_time, start_time + subsegment_length) - - def convolve(self, impulse_segment, allow_resample=False): - """Convolve this audio segment with the given impulse segment. - - Note that this is an in-place transformation. - - :param impulse_segment: Impulse response segments. - :type impulse_segment: AudioSegment - :param allow_resample: Indicates whether resampling is allowed when - the impulse_segment has a different sample - rate from this signal. - :type allow_resample: bool - :raises ValueError: If the sample rate is not match between two - audio segments when resample is not allowed. - """ - if allow_resample and self.sample_rate != impulse_segment.sample_rate: - impulse_segment.resample(self.sample_rate) - if self.sample_rate != impulse_segment.sample_rate: - raise ValueError("Impulse segment's sample rate (%d Hz) is not " - "equal to base signal sample rate (%d Hz)." % - (impulse_segment.sample_rate, self.sample_rate)) - samples = signal.fftconvolve(self.samples, impulse_segment.samples, - "full") - self._samples = samples - - def convolve_and_normalize(self, impulse_segment, allow_resample=False): - """Convolve and normalize the resulting audio segment so that it - has the same average power as the input signal. - - Note that this is an in-place transformation. - - :param impulse_segment: Impulse response segments. - :type impulse_segment: AudioSegment - :param allow_resample: Indicates whether resampling is allowed when - the impulse_segment has a different sample - rate from this signal. - :type allow_resample: bool - """ - target_db = self.rms_db - self.convolve(impulse_segment, allow_resample=allow_resample) - self.normalize(target_db) - - def add_noise(self, - noise, - snr_dB, - allow_downsampling=False, - max_gain_db=300.0, - rng=None): - """Add the given noise segment at a specific signal-to-noise ratio. - If the noise segment is longer than this segment, a random subsegment - of matching length is sampled from it and used instead. - - Note that this is an in-place transformation. - - :param noise: Noise signal to add. - :type noise: AudioSegment - :param snr_dB: Signal-to-Noise Ratio, in decibels. - :type snr_dB: float - :param allow_downsampling: Whether to allow the noise signal to be - downsampled to match the base signal sample - rate. - :type allow_downsampling: bool - :param max_gain_db: Maximum amount of gain to apply to noise signal - before adding it in. This is to prevent attempting - to apply infinite gain to a zero signal. - :type max_gain_db: float - :param rng: Random number generator state. - :type rng: None|random.Random - :raises ValueError: If the sample rate does not match between the two - audio segments when downsampling is not allowed, or - if the duration of noise segments is shorter than - original audio segments. - """ - rng = random.Random() if rng is None else rng - if allow_downsampling and noise.sample_rate > self.sample_rate: - noise = noise.resample(self.sample_rate) - if noise.sample_rate != self.sample_rate: - raise ValueError("Noise sample rate (%d Hz) is not equal to base " - "signal sample rate (%d Hz)." % (noise.sample_rate, - self.sample_rate)) - if noise.duration < self.duration: - raise ValueError("Noise signal (%f sec) must be at least as long as" - " base signal (%f sec)." % - (noise.duration, self.duration)) - noise_gain_db = min(self.rms_db - noise.rms_db - snr_dB, max_gain_db) - noise_new = copy.deepcopy(noise) - noise_new.random_subsegment(self.duration, rng=rng) - noise_new.gain_db(noise_gain_db) - self.superimpose(noise_new) - - @property - def samples(self): - """Return audio samples. - - :return: Audio samples. - :rtype: ndarray - """ - return self._samples.copy() - - @property - def sample_rate(self): - """Return audio sample rate. - - :return: Audio sample rate. - :rtype: int - """ - return self._sample_rate - - @property - def num_samples(self): - """Return number of samples. - - :return: Number of samples. - :rtype: int - """ - return self._samples.shape[0] - - @property - def duration(self): - """Return audio duration. - - :return: Audio duration in seconds. - :rtype: float - """ - return self._samples.shape[0] / float(self._sample_rate) - - @property - def rms_db(self): - """Return root mean square energy of the audio in decibels. - - :return: Root mean square energy in decibels. - :rtype: float - """ - # square root => multiply by 10 instead of 20 for dBs - mean_square = np.mean(self._samples**2) - return 10 * np.log10(mean_square) - - def _convert_samples_to_float32(self, samples): - """Convert sample type to float32. - - Audio sample type is usually integer or float-point. - Integers will be scaled to [-1, 1] in float32. - """ - float32_samples = samples.astype('float32') - if samples.dtype in np.sctypes['int']: - bits = np.iinfo(samples.dtype).bits - float32_samples *= (1. / 2**(bits - 1)) - elif samples.dtype in np.sctypes['float']: - pass - else: - raise TypeError("Unsupported sample type: %s." % samples.dtype) - return float32_samples - - def _convert_samples_from_float32(self, samples, dtype): - """Convert sample type from float32 to dtype. - - Audio sample type is usually integer or float-point. For integer - type, float32 will be rescaled from [-1, 1] to the maximum range - supported by the integer type. - - This is for writing a audio file. - """ - dtype = np.dtype(dtype) - output_samples = samples.copy() - if dtype in np.sctypes['int']: - bits = np.iinfo(dtype).bits - output_samples *= (2**(bits - 1) / 1.) - min_val = np.iinfo(dtype).min - max_val = np.iinfo(dtype).max - output_samples[output_samples > max_val] = max_val - output_samples[output_samples < min_val] = min_val - elif samples.dtype in np.sctypes['float']: - min_val = np.finfo(dtype).min - max_val = np.finfo(dtype).max - output_samples[output_samples > max_val] = max_val - output_samples[output_samples < min_val] = min_val - else: - raise TypeError("Unsupported sample type: %s." % samples.dtype) - return output_samples.astype(dtype) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/__init__.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/augmentation.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/augmentation.py deleted file mode 100644 index 17abcf605..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/augmentation.py +++ /dev/null @@ -1,218 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the data augmentation pipeline.""" -import json -from collections.abc import Sequence -from inspect import signature - -import numpy as np - -from deepspeech.frontend.augmentor.base import AugmentorBase -from deepspeech.utils.dynamic_import import dynamic_import -from deepspeech.utils.log import Log - -__all__ = ["AugmentationPipeline"] - -logger = Log(__name__).getlog() - -import_alias = dict( - volume="deepspeech.frontend.augmentor.impulse_response:VolumePerturbAugmentor", - shift="deepspeech.frontend.augmentor.shift_perturb:ShiftPerturbAugmentor", - speed="deepspeech.frontend.augmentor.speed_perturb:SpeedPerturbAugmentor", - resample="deepspeech.frontend.augmentor.resample:ResampleAugmentor", - bayesian_normal="deepspeech.frontend.augmentor.online_bayesian_normalization:OnlineBayesianNormalizationAugmentor", - noise="deepspeech.frontend.augmentor.noise_perturb:NoisePerturbAugmentor", - impulse="deepspeech.frontend.augmentor.impulse_response:ImpulseResponseAugmentor", - specaug="deepspeech.frontend.augmentor.spec_augment:SpecAugmentor", ) - - -class AugmentationPipeline(): - """Build a pre-processing pipeline with various augmentation models.Such a - data augmentation pipeline is oftern leveraged to augment the training - samples to make the model invariant to certain types of perturbations in the - real world, improving model's generalization ability. - - The pipeline is built according the the augmentation configuration in json - string, e.g. - - .. code-block:: - - [ { - "type": "noise", - "params": {"min_snr_dB": 10, - "max_snr_dB": 20, - "noise_manifest_path": "datasets/manifest.noise"}, - "prob": 0.0 - }, - { - "type": "speed", - "params": {"min_speed_rate": 0.9, - "max_speed_rate": 1.1}, - "prob": 1.0 - }, - { - "type": "shift", - "params": {"min_shift_ms": -5, - "max_shift_ms": 5}, - "prob": 1.0 - }, - { - "type": "volume", - "params": {"min_gain_dBFS": -10, - "max_gain_dBFS": 10}, - "prob": 0.0 - }, - { - "type": "bayesian_normal", - "params": {"target_db": -20, - "prior_db": -20, - "prior_samples": 100}, - "prob": 0.0 - } - ] - - This augmentation configuration inserts two augmentation models - into the pipeline, with one is VolumePerturbAugmentor and the other - SpeedPerturbAugmentor. "prob" indicates the probability of the current - augmentor to take effect. If "prob" is zero, the augmentor does not take - effect. - - Params: - augmentation_config(str): Augmentation configuration in json string. - random_seed(int): Random seed. - train(bool): whether is train mode. - - Raises: - ValueError: If the augmentation json config is in incorrect format". - """ - - SPEC_TYPES = {'specaug'} - - def __init__(self, augmentation_config: str, random_seed: int=0): - self._rng = np.random.RandomState(random_seed) - self.conf = {'mode': 'sequential', 'process': []} - if augmentation_config: - process = json.loads(augmentation_config) - self.conf['process'] += process - - self._augmentors, self._rates = self._parse_pipeline_from('all') - self._audio_augmentors, self._audio_rates = self._parse_pipeline_from( - 'audio') - self._spec_augmentors, self._spec_rates = self._parse_pipeline_from( - 'feature') - - def __call__(self, xs, uttid_list=None, **kwargs): - if not isinstance(xs, Sequence): - is_batch = False - xs = [xs] - else: - is_batch = True - - if isinstance(uttid_list, str): - uttid_list = [uttid_list for _ in range(len(xs))] - - if self.conf.get("mode", "sequential") == "sequential": - for idx, (func, rate) in enumerate( - zip(self._augmentors, self._rates), 0): - if self._rng.uniform(0., 1.) >= rate: - continue - - # Derive only the args which the func has - try: - param = signature(func).parameters - except ValueError: - # Some function, e.g. built-in function, are failed - param = {} - _kwargs = {k: v for k, v in kwargs.items() if k in param} - - try: - if uttid_list is not None and "uttid" in param: - xs = [ - func(x, u, **_kwargs) - for x, u in zip(xs, uttid_list) - ] - else: - xs = [func(x, **_kwargs) for x in xs] - except Exception: - logger.fatal("Catch a exception from {}th func: {}".format( - idx, func)) - raise - else: - raise NotImplementedError( - "Not supporting mode={}".format(self.conf["mode"])) - - if is_batch: - return xs - else: - return xs[0] - - def transform_audio(self, audio_segment): - """Run the pre-processing pipeline for data augmentation. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to process. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - for augmentor, rate in zip(self._audio_augmentors, self._audio_rates): - if self._rng.uniform(0., 1.) < rate: - augmentor.transform_audio(audio_segment) - - def transform_feature(self, spec_segment): - """spectrogram augmentation. - - Args: - spec_segment (np.ndarray): audio feature, (D, T). - """ - for augmentor, rate in zip(self._spec_augmentors, self._spec_rates): - if self._rng.uniform(0., 1.) < rate: - spec_segment = augmentor.transform_feature(spec_segment) - return spec_segment - - def _parse_pipeline_from(self, aug_type='all'): - """Parse the config json to build a augmentation pipelien.""" - assert aug_type in ('audio', 'feature', 'all'), aug_type - audio_confs = [] - feature_confs = [] - all_confs = [] - for config in self.conf['process']: - all_confs.append(config) - if config["type"] in self.SPEC_TYPES: - feature_confs.append(config) - else: - audio_confs.append(config) - - if aug_type == 'audio': - aug_confs = audio_confs - elif aug_type == 'feature': - aug_confs = feature_confs - else: - aug_confs = all_confs - - augmentors = [ - self._get_augmentor(config["type"], config["params"]) - for config in aug_confs - ] - rates = [config["prob"] for config in aug_confs] - return augmentors, rates - - def _get_augmentor(self, augmentor_type, params): - """Return an augmentation model by the type name, and pass in params.""" - class_obj = dynamic_import(augmentor_type, import_alias) - assert issubclass(class_obj, AugmentorBase) - try: - obj = class_obj(self._rng, **params) - except Exception: - raise ValueError("Unknown augmentor type [%s]." % augmentor_type) - return obj diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/base.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/base.py deleted file mode 100644 index 18d003c0b..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/base.py +++ /dev/null @@ -1,59 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the abstract base class for augmentation models.""" -from abc import ABCMeta -from abc import abstractmethod - - -class AugmentorBase(): - """Abstract base class for augmentation model (augmentor) class. - All augmentor classes should inherit from this class, and implement the - following abstract methods. - """ - - __metaclass__ = ABCMeta - - @abstractmethod - def __init__(self): - pass - - @abstractmethod - def __call__(self, xs): - raise NotImplementedError("AugmentorBase: Not impl __call__") - - @abstractmethod - def transform_audio(self, audio_segment): - """Adds various effects to the input audio segment. Such effects - will augment the training data to make the model invariant to certain - types of perturbations in the real world, improving model's - generalization ability. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - raise NotImplementedError("AugmentorBase: Not impl transform_audio") - - @abstractmethod - def transform_feature(self, spec_segment): - """Adds various effects to the input audo feature segment. Such effects - will augment the training data to make the model invariant to certain - types of time_mask or freq_mask in the real world, improving model's - generalization ability. - - Args: - spec_segment (Spectrogram): Spectrogram segment to add effects to. - """ - raise NotImplementedError("AugmentorBase: Not impl transform_feature") diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/impulse_response.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/impulse_response.py deleted file mode 100644 index 818251ed8..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/impulse_response.py +++ /dev/null @@ -1,50 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the impulse response augmentation model.""" -from deepspeech.frontend.audio import AudioSegment -from deepspeech.frontend.augmentor.base import AugmentorBase -from deepspeech.frontend.utility import read_manifest - - -class ImpulseResponseAugmentor(AugmentorBase): - """Augmentation model for adding impulse response effect. - - :param rng: Random generator object. - :type rng: random.Random - :param impulse_manifest_path: Manifest path for impulse audio data. - :type impulse_manifest_path: str - """ - - def __init__(self, rng, impulse_manifest_path): - self._rng = rng - self._impulse_manifest = read_manifest(impulse_manifest_path) - - def __call__(self, x, uttid=None, train=True): - if not train: - return x - self.transform_audio(x) - return x - - def transform_audio(self, audio_segment): - """Add impulse response effect. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - impulse_json = self._rng.choice( - self._impulse_manifest, 1, replace=False)[0] - impulse_segment = AudioSegment.from_file(impulse_json['audio_filepath']) - audio_segment.convolve(impulse_segment, allow_resample=True) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/noise_perturb.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/noise_perturb.py deleted file mode 100644 index 790b0c396..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/noise_perturb.py +++ /dev/null @@ -1,64 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the noise perturb augmentation model.""" -from deepspeech.frontend.audio import AudioSegment -from deepspeech.frontend.augmentor.base import AugmentorBase -from deepspeech.frontend.utility import read_manifest - - -class NoisePerturbAugmentor(AugmentorBase): - """Augmentation model for adding background noise. - - :param rng: Random generator object. - :type rng: random.Random - :param min_snr_dB: Minimal signal noise ratio, in decibels. - :type min_snr_dB: float - :param max_snr_dB: Maximal signal noise ratio, in decibels. - :type max_snr_dB: float - :param noise_manifest_path: Manifest path for noise audio data. - :type noise_manifest_path: str - """ - - def __init__(self, rng, min_snr_dB, max_snr_dB, noise_manifest_path): - self._min_snr_dB = min_snr_dB - self._max_snr_dB = max_snr_dB - self._rng = rng - self._noise_manifest = read_manifest(manifest_path=noise_manifest_path) - - def __call__(self, x, uttid=None, train=True): - if not train: - return x - self.transform_audio(x) - return x - - def transform_audio(self, audio_segment): - """Add background noise audio. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - noise_json = self._rng.choice(self._noise_manifest, 1, replace=False)[0] - if noise_json['duration'] < audio_segment.duration: - raise RuntimeError("The duration of sampled noise audio is smaller " - "than the audio segment to add effects to.") - diff_duration = noise_json['duration'] - audio_segment.duration - start = self._rng.uniform(0, diff_duration) - end = start + audio_segment.duration - noise_segment = AudioSegment.slice_from_file( - noise_json['audio_filepath'], start=start, end=end) - snr_dB = self._rng.uniform(self._min_snr_dB, self._max_snr_dB) - audio_segment.add_noise( - noise_segment, snr_dB, allow_downsampling=True, rng=self._rng) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/online_bayesian_normalization.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/online_bayesian_normalization.py deleted file mode 100644 index 0f9d3ef6f..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/online_bayesian_normalization.py +++ /dev/null @@ -1,63 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contain the online bayesian normalization augmentation model.""" -from deepspeech.frontend.augmentor.base import AugmentorBase - - -class OnlineBayesianNormalizationAugmentor(AugmentorBase): - """Augmentation model for adding online bayesian normalization. - - :param rng: Random generator object. - :type rng: random.Random - :param target_db: Target RMS value in decibels. - :type target_db: float - :param prior_db: Prior RMS estimate in decibels. - :type prior_db: float - :param prior_samples: Prior strength in number of samples. - :type prior_samples: int - :param startup_delay: Default 0.0s. If provided, this function will - accrue statistics for the first startup_delay - seconds before applying online normalization. - :type starup_delay: float. - """ - - def __init__(self, - rng, - target_db, - prior_db, - prior_samples, - startup_delay=0.0): - self._target_db = target_db - self._prior_db = prior_db - self._prior_samples = prior_samples - self._rng = rng - self._startup_delay = startup_delay - - def __call__(self, x, uttid=None, train=True): - if not train: - return x - self.transform_audio(x) - return x - - def transform_audio(self, audio_segment): - """Normalizes the input audio using the online Bayesian approach. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegment|SpeechSegment - """ - audio_segment.normalize_online_bayesian(self._target_db, self._prior_db, - self._prior_samples, - self._startup_delay) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/resample.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/resample.py deleted file mode 100644 index 509fe003d..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/resample.py +++ /dev/null @@ -1,48 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contain the resample augmentation model.""" -from deepspeech.frontend.augmentor.base import AugmentorBase - - -class ResampleAugmentor(AugmentorBase): - """Augmentation model for resampling. - - See more info here: - https://ccrma.stanford.edu/~jos/resample/index.html - - :param rng: Random generator object. - :type rng: random.Random - :param new_sample_rate: New sample rate in Hz. - :type new_sample_rate: int - """ - - def __init__(self, rng, new_sample_rate): - self._new_sample_rate = new_sample_rate - self._rng = rng - - def __call__(self, x, uttid=None, train=True): - if not train: - return x - self.transform_audio(x) - return x - - def transform_audio(self, audio_segment): - """Resamples the input audio to a target sample rate. - - Note that this is an in-place transformation. - - :param audio: Audio segment to add effects to. - :type audio: AudioSegment|SpeechSegment - """ - audio_segment.resample(self._new_sample_rate) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/shift_perturb.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/shift_perturb.py deleted file mode 100644 index 8b7439fe5..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/shift_perturb.py +++ /dev/null @@ -1,49 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the volume perturb augmentation model.""" -from deepspeech.frontend.augmentor.base import AugmentorBase - - -class ShiftPerturbAugmentor(AugmentorBase): - """Augmentation model for adding random shift perturbation. - - :param rng: Random generator object. - :type rng: random.Random - :param min_shift_ms: Minimal shift in milliseconds. - :type min_shift_ms: float - :param max_shift_ms: Maximal shift in milliseconds. - :type max_shift_ms: float - """ - - def __init__(self, rng, min_shift_ms, max_shift_ms): - self._min_shift_ms = min_shift_ms - self._max_shift_ms = max_shift_ms - self._rng = rng - - def __call__(self, x, uttid=None, train=True): - if not train: - return x - self.transform_audio(x) - return x - - def transform_audio(self, audio_segment): - """Shift audio. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - shift_ms = self._rng.uniform(self._min_shift_ms, self._max_shift_ms) - audio_segment.shift(shift_ms) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/spec_augment.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/spec_augment.py deleted file mode 100644 index 26c94d416..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/spec_augment.py +++ /dev/null @@ -1,256 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the volume perturb augmentation model.""" -import random - -import numpy as np -from PIL import Image -from PIL.Image import BICUBIC - -from deepspeech.frontend.augmentor.base import AugmentorBase -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - - -class SpecAugmentor(AugmentorBase): - """Augmentation model for Time warping, Frequency masking, Time masking. - - SpecAugment: A Simple Data Augmentation Method for Automatic Speech Recognition - https://arxiv.org/abs/1904.08779 - - SpecAugment on Large Scale Datasets - https://arxiv.org/abs/1912.05533 - - """ - - def __init__(self, - rng, - F, - T, - n_freq_masks, - n_time_masks, - p=1.0, - W=40, - adaptive_number_ratio=0, - adaptive_size_ratio=0, - max_n_time_masks=20, - replace_with_zero=True, - warp_mode='PIL'): - """SpecAugment class. - Args: - rng (random.Random): random generator object. - F (int): parameter for frequency masking - T (int): parameter for time masking - n_freq_masks (int): number of frequency masks - n_time_masks (int): number of time masks - p (float): parameter for upperbound of the time mask - W (int): parameter for time warping - adaptive_number_ratio (float): adaptive multiplicity ratio for time masking - adaptive_size_ratio (float): adaptive size ratio for time masking - max_n_time_masks (int): maximum number of time masking - replace_with_zero (bool): pad zero on mask if true else use mean - warp_mode (str): "PIL" (default, fast, not differentiable) - or "sparse_image_warp" (slow, differentiable) - """ - super().__init__() - self._rng = rng - self.inplace = True - self.replace_with_zero = replace_with_zero - - self.mode = warp_mode - self.W = W - self.F = F - self.T = T - self.n_freq_masks = n_freq_masks - self.n_time_masks = n_time_masks - self.p = p - - # adaptive SpecAugment - self.adaptive_number_ratio = adaptive_number_ratio - self.adaptive_size_ratio = adaptive_size_ratio - self.max_n_time_masks = max_n_time_masks - - if adaptive_number_ratio > 0: - self.n_time_masks = 0 - logger.info('n_time_masks is set ot zero for adaptive SpecAugment.') - if adaptive_size_ratio > 0: - self.T = 0 - logger.info('T is set to zero for adaptive SpecAugment.') - - self._freq_mask = None - self._time_mask = None - - def librispeech_basic(self): - self.W = 80 - self.F = 27 - self.T = 100 - self.n_freq_masks = 1 - self.n_time_masks = 1 - self.p = 1.0 - - def librispeech_double(self): - self.W = 80 - self.F = 27 - self.T = 100 - self.n_freq_masks = 2 - self.n_time_masks = 2 - self.p = 1.0 - - def switchboard_mild(self): - self.W = 40 - self.F = 15 - self.T = 70 - self.n_freq_masks = 2 - self.n_time_masks = 2 - self.p = 0.2 - - def switchboard_strong(self): - self.W = 40 - self.F = 27 - self.T = 70 - self.n_freq_masks = 2 - self.n_time_masks = 2 - self.p = 0.2 - - @property - def freq_mask(self): - return self._freq_mask - - @property - def time_mask(self): - return self._time_mask - - def __repr__(self): - return f"specaug: F-{F}, T-{T}, F-n-{n_freq_masks}, T-n-{n_time_masks}" - - def time_warp(self, x, mode='PIL'): - """time warp for spec augment - move random center frame by the random width ~ uniform(-window, window) - - Args: - x (np.ndarray): spectrogram (time, freq) - mode (str): PIL or sparse_image_warp - - Raises: - NotImplementedError: [description] - NotImplementedError: [description] - - Returns: - np.ndarray: time warped spectrogram (time, freq) - """ - window = max_time_warp = self.W - if window == 0: - return x - - if mode == "PIL": - t = x.shape[0] - if t - window <= window: - return x - # NOTE: randrange(a, b) emits a, a + 1, ..., b - 1 - center = random.randrange(window, t - window) - warped = random.randrange(center - window, center + - window) + 1 # 1 ... t - 1 - - left = Image.fromarray(x[:center]).resize((x.shape[1], warped), - BICUBIC) - right = Image.fromarray(x[center:]).resize((x.shape[1], t - warped), - BICUBIC) - if self.inplace: - x[:warped] = left - x[warped:] = right - return x - return np.concatenate((left, right), 0) - elif mode == "sparse_image_warp": - raise NotImplementedError('sparse_image_warp') - else: - raise NotImplementedError( - "unknown resize mode: " + mode + - ", choose one from (PIL, sparse_image_warp).") - - def mask_freq(self, x, replace_with_zero=False): - """freq mask - - Args: - x (np.ndarray): spectrogram (time, freq) - replace_with_zero (bool, optional): Defaults to False. - - Returns: - np.ndarray: freq mask spectrogram (time, freq) - """ - n_bins = x.shape[1] - for i in range(0, self.n_freq_masks): - f = int(self._rng.uniform(low=0, high=self.F)) - f_0 = int(self._rng.uniform(low=0, high=n_bins - f)) - assert f_0 <= f_0 + f - if replace_with_zero: - x[:, f_0:f_0 + f] = 0 - else: - x[:, f_0:f_0 + f] = x.mean() - self._freq_mask = (f_0, f_0 + f) - return x - - def mask_time(self, x, replace_with_zero=False): - """time mask - - Args: - x (np.ndarray): spectrogram (time, freq) - replace_with_zero (bool, optional): Defaults to False. - - Returns: - np.ndarray: time mask spectrogram (time, freq) - """ - n_frames = x.shape[0] - - if self.adaptive_number_ratio > 0: - n_masks = int(n_frames * self.adaptive_number_ratio) - n_masks = min(n_masks, self.max_n_time_masks) - else: - n_masks = self.n_time_masks - - if self.adaptive_size_ratio > 0: - T = self.adaptive_size_ratio * n_frames - else: - T = self.T - - for i in range(n_masks): - t = int(self._rng.uniform(low=0, high=T)) - t = min(t, int(n_frames * self.p)) - t_0 = int(self._rng.uniform(low=0, high=n_frames - t)) - assert t_0 <= t_0 + t - if replace_with_zero: - x[t_0:t_0 + t, :] = 0 - else: - x[t_0:t_0 + t, :] = x.mean() - self._time_mask = (t_0, t_0 + t) - return x - - def __call__(self, x, train=True): - if not train: - return x - return self.transform_feature(x) - - def transform_feature(self, x: np.ndarray): - """ - Args: - x (np.ndarray): `[T, F]` - Returns: - x (np.ndarray): `[T, F]` - """ - assert isinstance(x, np.ndarray) - assert x.ndim == 2 - x = self.time_warp(x, self.mode) - x = self.mask_freq(x, self.replace_with_zero) - x = self.mask_time(x, self.replace_with_zero) - return x diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/speed_perturb.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/speed_perturb.py deleted file mode 100644 index ce8dfde0a..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/speed_perturb.py +++ /dev/null @@ -1,106 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contain the speech perturbation augmentation model.""" -import numpy as np - -from deepspeech.frontend.augmentor.base import AugmentorBase - - -class SpeedPerturbAugmentor(AugmentorBase): - """Augmentation model for adding speed perturbation.""" - - def __init__(self, rng, min_speed_rate=0.9, max_speed_rate=1.1, - num_rates=3): - """speed perturbation. - - The speed perturbation in kaldi uses sox-speed instead of sox-tempo, - and sox-speed just to resample the input, - i.e pitch and tempo are changed both. - - "Why use speed option instead of tempo -s in SoX for speed perturbation" - https://groups.google.com/forum/#!topic/kaldi-help/8OOG7eE4sZ8 - - Sox speed: - https://pysox.readthedocs.io/en/latest/api.html#sox.transform.Transformer - - See reference paper here: - http://www.danielpovey.com/files/2015_interspeech_augmentation.pdf - - Espnet: - https://espnet.github.io/espnet/_modules/espnet/transform/perturb.html - - Nemo: - https://github.com/NVIDIA/NeMo/blob/main/nemo/collections/asr/parts/perturb.py#L92 - - Args: - rng (random.Random): Random generator object. - min_speed_rate (float): Lower bound of new speed rate to sample and should - not be smaller than 0.9. - max_speed_rate (float): Upper bound of new speed rate to sample and should - not be larger than 1.1. - num_rates (int, optional): Number of discrete rates to allow. - Can be a positive or negative integer. Defaults to 3. - If a positive integer greater than 0 is provided, the range of - speed rates will be discretized into `num_rates` values. - If a negative integer or 0 is provided, the full range of speed rates - will be sampled uniformly. - Note: If a positive integer is provided and the resultant discretized - range of rates contains the value '1.0', then those samples with rate=1.0, - will not be augmented at all and simply skipped. This is to unnecessary - augmentation and increase computation time. Effective augmentation chance - in such a case is = `prob * (num_rates - 1 / num_rates) * 100`% chance - where `prob` is the global probability of a sample being augmented. - - Raises: - ValueError: when speed_rate error - """ - if min_speed_rate < 0.9: - raise ValueError( - "Sampling speed below 0.9 can cause unnatural effects") - if max_speed_rate > 1.1: - raise ValueError( - "Sampling speed above 1.1 can cause unnatural effects") - self._min_rate = min_speed_rate - self._max_rate = max_speed_rate - self._rng = rng - self._num_rates = num_rates - if num_rates > 0: - self._rates = np.linspace( - self._min_rate, self._max_rate, self._num_rates, endpoint=True) - - def __call__(self, x, uttid=None, train=True): - if not train: - return x - self.transform_audio(x) - return x - - def transform_audio(self, audio_segment): - """Sample a new speed rate from the given range and - changes the speed of the given audio clip. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegment|SpeechSegment - """ - if self._num_rates < 0: - speed_rate = self._rng.uniform(self._min_rate, self._max_rate) - else: - speed_rate = self._rng.choice(self._rates) - - # Skip perturbation in case of identity speed rate - if speed_rate == 1.0: - return - - audio_segment.change_speed(speed_rate) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/volume_perturb.py b/examples/transv1.8to2.x/deepspeech/frontend/augmentor/volume_perturb.py deleted file mode 100644 index 70cb28897..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/augmentor/volume_perturb.py +++ /dev/null @@ -1,55 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the volume perturb augmentation model.""" -from deepspeech.frontend.augmentor.base import AugmentorBase - - -class VolumePerturbAugmentor(AugmentorBase): - """Augmentation model for adding random volume perturbation. - - This is used for multi-loudness training of PCEN. See - - https://arxiv.org/pdf/1607.05666v1.pdf - - for more details. - - :param rng: Random generator object. - :type rng: random.Random - :param min_gain_dBFS: Minimal gain in dBFS. - :type min_gain_dBFS: float - :param max_gain_dBFS: Maximal gain in dBFS. - :type max_gain_dBFS: float - """ - - def __init__(self, rng, min_gain_dBFS, max_gain_dBFS): - self._min_gain_dBFS = min_gain_dBFS - self._max_gain_dBFS = max_gain_dBFS - self._rng = rng - - def __call__(self, x, uttid=None, train=True): - if not train: - return x - self.transform_audio(x) - return x - - def transform_audio(self, audio_segment): - """Change audio loadness. - - Note that this is an in-place transformation. - - :param audio_segment: Audio segment to add effects to. - :type audio_segment: AudioSegmenet|SpeechSegment - """ - gain = self._rng.uniform(self._min_gain_dBFS, self._max_gain_dBFS) - audio_segment.gain_db(gain) diff --git a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/__init__.py b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/__init__.py deleted file mode 100644 index 6992700d9..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/__init__.py +++ /dev/null @@ -1,16 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from .audio_featurizer import AudioFeaturizer #noqa: F401 -from .speech_featurizer import SpeechFeaturizer -from .text_featurizer import TextFeaturizer diff --git a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/audio_featurizer.py b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/audio_featurizer.py deleted file mode 100644 index 4c40c8472..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/audio_featurizer.py +++ /dev/null @@ -1,363 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the audio featurizer class.""" -import numpy as np -from python_speech_features import delta -from python_speech_features import logfbank -from python_speech_features import mfcc - - -class AudioFeaturizer(): - """Audio featurizer, for extracting features from audio contents of - AudioSegment or SpeechSegment. - - Currently, it supports feature types of linear spectrogram and mfcc. - - :param specgram_type: Specgram feature type. Options: 'linear'. - :type specgram_type: str - :param stride_ms: Striding size (in milliseconds) for generating frames. - :type stride_ms: float - :param window_ms: Window size (in milliseconds) for generating frames. - :type window_ms: float - :param max_freq: When specgram_type is 'linear', only FFT bins - corresponding to frequencies between [0, max_freq] are - returned; when specgram_type is 'mfcc', max_feq is the - highest band edge of mel filters. - :types max_freq: None|float - :param target_sample_rate: Audio are resampled (if upsampling or - downsampling is allowed) to this before - extracting spectrogram features. - :type target_sample_rate: float - :param use_dB_normalization: Whether to normalize the audio to a certain - decibels before extracting the features. - :type use_dB_normalization: bool - :param target_dB: Target audio decibels for normalization. - :type target_dB: float - """ - - def __init__(self, - specgram_type: str='linear', - feat_dim: int=None, - delta_delta: bool=False, - stride_ms=10.0, - window_ms=20.0, - n_fft=None, - max_freq=None, - target_sample_rate=16000, - use_dB_normalization=True, - target_dB=-20, - dither=1.0): - self._specgram_type = specgram_type - # mfcc and fbank using `feat_dim` - self._feat_dim = feat_dim - # mfcc and fbank using `delta-delta` - self._delta_delta = delta_delta - self._stride_ms = stride_ms - self._window_ms = window_ms - self._max_freq = max_freq - self._target_sample_rate = target_sample_rate - self._use_dB_normalization = use_dB_normalization - self._target_dB = target_dB - self._fft_point = n_fft - self._dither = dither - - def featurize(self, - audio_segment, - allow_downsampling=True, - allow_upsampling=True): - """Extract audio features from AudioSegment or SpeechSegment. - - :param audio_segment: Audio/speech segment to extract features from. - :type audio_segment: AudioSegment|SpeechSegment - :param allow_downsampling: Whether to allow audio downsampling before - featurizing. - :type allow_downsampling: bool - :param allow_upsampling: Whether to allow audio upsampling before - featurizing. - :type allow_upsampling: bool - :return: Spectrogram audio feature in 2darray. - :rtype: ndarray - :raises ValueError: If audio sample rate is not supported. - """ - # upsampling or downsampling - if ((audio_segment.sample_rate > self._target_sample_rate and - allow_downsampling) or - (audio_segment.sample_rate < self._target_sample_rate and - allow_upsampling)): - audio_segment.resample(self._target_sample_rate) - if audio_segment.sample_rate != self._target_sample_rate: - raise ValueError("Audio sample rate is not supported. " - "Turn allow_downsampling or allow up_sampling on.") - # decibel normalization - if self._use_dB_normalization: - audio_segment.normalize(target_db=self._target_dB) - # extract spectrogram - return self._compute_specgram(audio_segment) - - @property - def stride_ms(self): - return self._stride_ms - - @property - def feature_size(self): - """audio feature size""" - feat_dim = 0 - if self._specgram_type == 'linear': - fft_point = self._window_ms if self._fft_point is None else self._fft_point - feat_dim = int(fft_point * (self._target_sample_rate / 1000) / 2 + - 1) - elif self._specgram_type == 'mfcc': - # mfcc, delta, delta-delta - feat_dim = int(self._feat_dim * - 3) if self._delta_delta else int(self._feat_dim) - elif self._specgram_type == 'fbank': - # fbank, delta, delta-delta - feat_dim = int(self._feat_dim * - 3) if self._delta_delta else int(self._feat_dim) - else: - raise ValueError("Unknown specgram_type %s. " - "Supported values: linear." % self._specgram_type) - return feat_dim - - def _compute_specgram(self, audio_segment): - """Extract various audio features.""" - sample_rate = audio_segment.sample_rate - if self._specgram_type == 'linear': - samples = audio_segment.samples - return self._compute_linear_specgram( - samples, - sample_rate, - stride_ms=self._stride_ms, - window_ms=self._window_ms, - max_freq=self._max_freq) - elif self._specgram_type == 'mfcc': - samples = audio_segment.to('int16') - return self._compute_mfcc( - samples, - sample_rate, - feat_dim=self._feat_dim, - stride_ms=self._stride_ms, - window_ms=self._window_ms, - max_freq=self._max_freq, - dither=self._dither, - delta_delta=self._delta_delta) - elif self._specgram_type == 'fbank': - samples = audio_segment.to('int16') - return self._compute_fbank( - samples, - sample_rate, - feat_dim=self._feat_dim, - stride_ms=self._stride_ms, - window_ms=self._window_ms, - max_freq=self._max_freq, - dither=self._dither, - delta_delta=self._delta_delta) - else: - raise ValueError("Unknown specgram_type %s. " - "Supported values: linear." % self._specgram_type) - - def _specgram_real(self, samples, window_size, stride_size, sample_rate): - """Compute the spectrogram for samples from a real signal.""" - # extract strided windows - truncate_size = (len(samples) - window_size) % stride_size - samples = samples[:len(samples) - truncate_size] - nshape = (window_size, (len(samples) - window_size) // stride_size + 1) - nstrides = (samples.strides[0], samples.strides[0] * stride_size) - windows = np.lib.stride_tricks.as_strided( - samples, shape=nshape, strides=nstrides) - assert np.all( - windows[:, 1] == samples[stride_size:(stride_size + window_size)]) - # window weighting, squared Fast Fourier Transform (fft), scaling - weighting = np.hanning(window_size)[:, None] - # https://numpy.org/doc/stable/reference/generated/numpy.fft.rfft.html - fft = np.fft.rfft(windows * weighting, n=None, axis=0) - fft = np.absolute(fft) - fft = fft**2 - scale = np.sum(weighting**2) * sample_rate - fft[1:-1, :] *= (2.0 / scale) - fft[(0, -1), :] /= scale - # prepare fft frequency list - freqs = float(sample_rate) / window_size * np.arange(fft.shape[0]) - return fft, freqs - - def _compute_linear_specgram(self, - samples, - sample_rate, - stride_ms=10.0, - window_ms=20.0, - max_freq=None, - eps=1e-14): - """Compute the linear spectrogram from FFT energy. - - Args: - samples ([type]): [description] - sample_rate ([type]): [description] - stride_ms (float, optional): [description]. Defaults to 10.0. - window_ms (float, optional): [description]. Defaults to 20.0. - max_freq ([type], optional): [description]. Defaults to None. - eps ([type], optional): [description]. Defaults to 1e-14. - - Raises: - ValueError: [description] - ValueError: [description] - - Returns: - np.ndarray: log spectrogram, (time, freq) - """ - if max_freq is None: - max_freq = sample_rate / 2 - if max_freq > sample_rate / 2: - raise ValueError("max_freq must not be greater than half of " - "sample rate.") - if stride_ms > window_ms: - raise ValueError("Stride size must not be greater than " - "window size.") - stride_size = int(0.001 * sample_rate * stride_ms) - window_size = int(0.001 * sample_rate * window_ms) - specgram, freqs = self._specgram_real( - samples, - window_size=window_size, - stride_size=stride_size, - sample_rate=sample_rate) - ind = np.where(freqs <= max_freq)[0][-1] + 1 - # (freq, time) - spec = np.log(specgram[:ind, :] + eps) - return np.transpose(spec) - - def _concat_delta_delta(self, feat): - """append delat, delta-delta feature. - - Args: - feat (np.ndarray): (T, D) - - Returns: - np.ndarray: feat with delta-delta, (T, 3*D) - """ - # Deltas - d_feat = delta(feat, 2) - # Deltas-Deltas - dd_feat = delta(feat, 2) - # concat above three features - concat_feat = np.concatenate((feat, d_feat, dd_feat), axis=1) - return concat_feat - - def _compute_mfcc(self, - samples, - sample_rate, - feat_dim=13, - stride_ms=10.0, - window_ms=25.0, - max_freq=None, - dither=1.0, - delta_delta=True): - """Compute mfcc from samples. - - Args: - samples (np.ndarray, np.int16): the audio signal from which to compute features. - sample_rate (float): the sample rate of the signal we are working with, in Hz. - feat_dim (int): the number of cepstrum to return, default 13. - stride_ms (float, optional): stride length in ms. Defaults to 10.0. - window_ms (float, optional): window length in ms. Defaults to 25.0. - max_freq ([type], optional): highest band edge of mel filters. In Hz, default is samplerate/2. Defaults to None. - delta_delta (bool, optional): Whether with delta delta. Defaults to False. - - Raises: - ValueError: max_freq > samplerate/2 - ValueError: stride_ms > window_ms - - Returns: - np.ndarray: mfcc feature, (D, T). - """ - if max_freq is None: - max_freq = sample_rate / 2 - if max_freq > sample_rate / 2: - raise ValueError("max_freq must not be greater than half of " - "sample rate.") - if stride_ms > window_ms: - raise ValueError("Stride size must not be greater than " - "window size.") - # compute the 13 cepstral coefficients, and the first one is replaced - # by log(frame energy), (T, D) - mfcc_feat = mfcc( - signal=samples, - samplerate=sample_rate, - winlen=0.001 * window_ms, - winstep=0.001 * stride_ms, - numcep=feat_dim, - nfilt=23, - nfft=512, - lowfreq=20, - highfreq=max_freq, - dither=dither, - remove_dc_offset=True, - preemph=0.97, - ceplifter=22, - useEnergy=True, - winfunc='povey') - if delta_delta: - mfcc_feat = self._concat_delta_delta(mfcc_feat) - return mfcc_feat - - def _compute_fbank(self, - samples, - sample_rate, - feat_dim=40, - stride_ms=10.0, - window_ms=25.0, - max_freq=None, - dither=1.0, - delta_delta=False): - """Compute logfbank from samples. - - Args: - samples (np.ndarray, np.int16): the audio signal from which to compute features. Should be an N*1 array - sample_rate (float): the sample rate of the signal we are working with, in Hz. - feat_dim (int): the number of cepstrum to return, default 13. - stride_ms (float, optional): stride length in ms. Defaults to 10.0. - window_ms (float, optional): window length in ms. Defaults to 20.0. - max_freq (float, optional): highest band edge of mel filters. In Hz, default is samplerate/2. Defaults to None. - delta_delta (bool, optional): Whether with delta delta. Defaults to False. - - Raises: - ValueError: max_freq > samplerate/2 - ValueError: stride_ms > window_ms - - Returns: - np.ndarray: mfcc feature, (D, T). - """ - if max_freq is None: - max_freq = sample_rate / 2 - if max_freq > sample_rate / 2: - raise ValueError("max_freq must not be greater than half of " - "sample rate.") - if stride_ms > window_ms: - raise ValueError("Stride size must not be greater than " - "window size.") - # (T, D) - fbank_feat = logfbank( - signal=samples, - samplerate=sample_rate, - winlen=0.001 * window_ms, - winstep=0.001 * stride_ms, - nfilt=feat_dim, - nfft=512, - lowfreq=20, - highfreq=max_freq, - dither=dither, - remove_dc_offset=True, - preemph=0.97, - wintype='povey') - if delta_delta: - fbank_feat = self._concat_delta_delta(fbank_feat) - return fbank_feat diff --git a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/speech_featurizer.py b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/speech_featurizer.py deleted file mode 100644 index 5082850d6..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/speech_featurizer.py +++ /dev/null @@ -1,153 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the speech featurizer class.""" -from deepspeech.frontend.featurizer.audio_featurizer import AudioFeaturizer -from deepspeech.frontend.featurizer.text_featurizer import TextFeaturizer - - -class SpeechFeaturizer(): - """Speech featurizer, for extracting features from both audio and transcript - contents of SpeechSegment. - - Currently, for audio parts, it supports feature types of linear - spectrogram and mfcc; for transcript parts, it only supports char-level - tokenizing and conversion into a list of token indices. Note that the - token indexing order follows the given vocabulary file. - - :param vocab_filepath: Filepath to load vocabulary for token indices - conversion. - :type specgram_type: str - :param specgram_type: Specgram feature type. Options: 'linear', 'mfcc'. - :type specgram_type: str - :param stride_ms: Striding size (in milliseconds) for generating frames. - :type stride_ms: float - :param window_ms: Window size (in milliseconds) for generating frames. - :type window_ms: float - :param max_freq: When specgram_type is 'linear', only FFT bins - corresponding to frequencies between [0, max_freq] are - returned; when specgram_type is 'mfcc', max_freq is the - highest band edge of mel filters. - :types max_freq: None|float - :param target_sample_rate: Speech are resampled (if upsampling or - downsampling is allowed) to this before - extracting spectrogram features. - :type target_sample_rate: float - :param use_dB_normalization: Whether to normalize the audio to a certain - decibels before extracting the features. - :type use_dB_normalization: bool - :param target_dB: Target audio decibels for normalization. - :type target_dB: float - """ - - def __init__(self, - unit_type, - vocab_filepath, - spm_model_prefix=None, - specgram_type='linear', - feat_dim=None, - delta_delta=False, - stride_ms=10.0, - window_ms=20.0, - n_fft=None, - max_freq=None, - target_sample_rate=16000, - use_dB_normalization=True, - target_dB=-20, - dither=1.0): - self._audio_featurizer = AudioFeaturizer( - specgram_type=specgram_type, - feat_dim=feat_dim, - delta_delta=delta_delta, - stride_ms=stride_ms, - window_ms=window_ms, - n_fft=n_fft, - max_freq=max_freq, - target_sample_rate=target_sample_rate, - use_dB_normalization=use_dB_normalization, - target_dB=target_dB, - dither=dither) - self._text_featurizer = TextFeaturizer(unit_type, vocab_filepath, - spm_model_prefix) - - def featurize(self, speech_segment, keep_transcription_text): - """Extract features for speech segment. - - 1. For audio parts, extract the audio features. - 2. For transcript parts, keep the original text or convert text string - to a list of token indices in char-level. - - Args: - speech_segment (SpeechSegment): Speech segment to extract features from. - keep_transcription_text (bool): True, keep transcript text, False, token ids - - Returns: - tuple: 1) spectrogram audio feature in 2darray, 2) list oftoken indices. - """ - spec_feature = self._audio_featurizer.featurize(speech_segment) - if keep_transcription_text: - return spec_feature, speech_segment.transcript - if speech_segment.has_token: - text_ids = speech_segment.token_ids - else: - text_ids = self._text_featurizer.featurize( - speech_segment.transcript) - return spec_feature, text_ids - - @property - def vocab_size(self): - """Return the vocabulary size. - Returns: - int: Vocabulary size. - """ - return self._text_featurizer.vocab_size - - @property - def vocab_list(self): - """Return the vocabulary in list. - Returns: - List[str]: - """ - return self._text_featurizer.vocab_list - - @property - def vocab_dict(self): - """Return the vocabulary in dict. - Returns: - Dict[str, int]: - """ - return self._text_featurizer.vocab_dict - - @property - def feature_size(self): - """Return the audio feature size. - Returns: - int: audio feature size. - """ - return self._audio_featurizer.feature_size - - @property - def stride_ms(self): - """time length in `ms` unit per frame - Returns: - float: time(ms)/frame - """ - return self._audio_featurizer.stride_ms - - @property - def text_feature(self): - """Return the text feature object. - Returns: - TextFeaturizer: object. - """ - return self._text_featurizer diff --git a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/text_featurizer.py b/examples/transv1.8to2.x/deepspeech/frontend/featurizer/text_featurizer.py deleted file mode 100644 index e4364f70a..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/featurizer/text_featurizer.py +++ /dev/null @@ -1,202 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the text featurizer class.""" -import sentencepiece as spm - -from ..utility import EOS -from ..utility import load_dict -from ..utility import UNK - -__all__ = ["TextFeaturizer"] - - -class TextFeaturizer(): - def __init__(self, - unit_type, - vocab_filepath, - spm_model_prefix=None, - maskctc=False): - """Text featurizer, for processing or extracting features from text. - - Currently, it supports char/word/sentence-piece level tokenizing and conversion into - a list of token indices. Note that the token indexing order follows the - given vocabulary file. - - Args: - unit_type (str): unit type, e.g. char, word, spm - vocab_filepath (str): Filepath to load vocabulary for token indices conversion. - spm_model_prefix (str, optional): spm model prefix. Defaults to None. - """ - assert unit_type in ('char', 'spm', 'word') - self.unit_type = unit_type - self.unk = UNK - self.maskctc = maskctc - - if vocab_filepath: - self.vocab_dict, self._id2token, self.vocab_list, self.unk_id, self.eos_id = self._load_vocabulary_from_file( - vocab_filepath, maskctc) - self.vocab_size = len(self.vocab_list) - - if unit_type == 'spm': - spm_model = spm_model_prefix + '.model' - self.sp = spm.SentencePieceProcessor() - self.sp.Load(spm_model) - - def tokenize(self, text): - if self.unit_type == 'char': - tokens = self.char_tokenize(text) - elif self.unit_type == 'word': - tokens = self.word_tokenize(text) - else: # spm - tokens = self.spm_tokenize(text) - return tokens - - def detokenize(self, tokens): - if self.unit_type == 'char': - text = self.char_detokenize(tokens) - elif self.unit_type == 'word': - text = self.word_detokenize(tokens) - else: # spm - text = self.spm_detokenize(tokens) - return text - - def featurize(self, text): - """Convert text string to a list of token indices. - - Args: - text (str): Text. - - Returns: - List[int]: List of token indices. - """ - tokens = self.tokenize(text) - ids = [] - for token in tokens: - token = token if token in self.vocab_dict else self.unk - ids.append(self.vocab_dict[token]) - return ids - - def defeaturize(self, idxs): - """Convert a list of token indices to text string, - ignore index after eos_id. - - Args: - idxs (List[int]): List of token indices. - - Returns: - str: Text. - """ - tokens = [] - for idx in idxs: - if idx == self.eos_id: - break - tokens.append(self._id2token[idx]) - text = self.detokenize(tokens) - return text - - def char_tokenize(self, text): - """Character tokenizer. - - Args: - text (str): text string. - - Returns: - List[str]: tokens. - """ - return list(text.strip()) - - def char_detokenize(self, tokens): - """Character detokenizer. - - Args: - tokens (List[str]): tokens. - - Returns: - str: text string. - """ - return "".join(tokens) - - def word_tokenize(self, text): - """Word tokenizer, separate by .""" - return text.strip().split() - - def word_detokenize(self, tokens): - """Word detokenizer, separate by .""" - return " ".join(tokens) - - def spm_tokenize(self, text): - """spm tokenize. - - Args: - text (str): text string. - - Returns: - List[str]: sentence pieces str code - """ - stats = {"num_empty": 0, "num_filtered": 0} - - def valid(line): - return True - - def encode(l): - return self.sp.EncodeAsPieces(l) - - def encode_line(line): - line = line.strip() - if len(line) > 0: - line = encode(line) - if valid(line): - return line - else: - stats["num_filtered"] += 1 - else: - stats["num_empty"] += 1 - return None - - enc_line = encode_line(text) - return enc_line - - def spm_detokenize(self, tokens, input_format='piece'): - """spm detokenize. - - Args: - ids (List[str]): tokens. - - Returns: - str: text - """ - if input_format == "piece": - - def decode(l): - return "".join(self.sp.DecodePieces(l)) - elif input_format == "id": - - def decode(l): - return "".join(self.sp.DecodeIds(l)) - - return decode(tokens) - - def _load_vocabulary_from_file(self, vocab_filepath: str, maskctc: bool): - """Load vocabulary from file.""" - vocab_list = load_dict(vocab_filepath, maskctc) - assert vocab_list is not None - - id2token = dict( - [(idx, token) for (idx, token) in enumerate(vocab_list)]) - token2id = dict( - [(token, idx) for (idx, token) in enumerate(vocab_list)]) - - unk_id = vocab_list.index(UNK) - eos_id = vocab_list.index(EOS) - return token2id, id2token, vocab_list, unk_id, eos_id diff --git a/examples/transv1.8to2.x/deepspeech/frontend/normalizer.py b/examples/transv1.8to2.x/deepspeech/frontend/normalizer.py deleted file mode 100644 index ffef8ba44..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/normalizer.py +++ /dev/null @@ -1,199 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains feature normalizers.""" -import json - -import numpy as np -import paddle -from paddle.io import DataLoader -from paddle.io import Dataset - -from deepspeech.frontend.audio import AudioSegment -from deepspeech.frontend.utility import load_cmvn -from deepspeech.frontend.utility import read_manifest -from deepspeech.utils.log import Log - -__all__ = ["FeatureNormalizer"] - -logger = Log(__name__).getlog() - - -# https://github.com/PaddlePaddle/Paddle/pull/31481 -class CollateFunc(object): - def __init__(self, feature_func): - self.feature_func = feature_func - - def __call__(self, batch): - mean_stat = None - var_stat = None - number = 0 - for item in batch: - audioseg = AudioSegment.from_file(item['feat']) - feat = self.feature_func(audioseg) #(T, D) - - sums = np.sum(feat, axis=0) - if mean_stat is None: - mean_stat = sums - else: - mean_stat += sums - - square_sums = np.sum(np.square(feat), axis=0) - if var_stat is None: - var_stat = square_sums - else: - var_stat += square_sums - - number += feat.shape[0] - return number, mean_stat, var_stat - - -class AudioDataset(Dataset): - def __init__(self, manifest_path, num_samples=-1, rng=None, random_seed=0): - self._rng = rng if rng else np.random.RandomState(random_seed) - manifest = read_manifest(manifest_path) - if num_samples == -1: - sampled_manifest = manifest - else: - sampled_manifest = self._rng.choice( - manifest, num_samples, replace=False) - self.items = sampled_manifest - - def __len__(self): - return len(self.items) - - def __getitem__(self, idx): - return self.items[idx] - - -class FeatureNormalizer(object): - """Feature normalizer. Normalize features to be of zero mean and unit - stddev. - - if mean_std_filepath is provided (not None), the normalizer will directly - initilize from the file. Otherwise, both manifest_path and featurize_func - should be given for on-the-fly mean and stddev computing. - - :param mean_std_filepath: File containing the pre-computed mean and stddev. - :type mean_std_filepath: None|str - :param manifest_path: Manifest of instances for computing mean and stddev. - :type meanifest_path: None|str - :param featurize_func: Function to extract features. It should be callable - with ``featurize_func(audio_segment)``. - :type featurize_func: None|callable - :param num_samples: Number of random samples for computing mean and stddev. - :type num_samples: int - :param random_seed: Random seed for sampling instances. - :type random_seed: int - :raises ValueError: If both mean_std_filepath and manifest_path - (or both mean_std_filepath and featurize_func) are None. - """ - - def __init__(self, - mean_std_filepath, - manifest_path=None, - featurize_func=None, - num_samples=500, - num_workers=0, - random_seed=0): - if not mean_std_filepath: - if not (manifest_path and featurize_func): - raise ValueError("If mean_std_filepath is None, meanifest_path " - "and featurize_func should not be None.") - self._rng = np.random.RandomState(random_seed) - self._compute_mean_std(manifest_path, featurize_func, num_samples, - num_workers) - else: - self._read_mean_std_from_file(mean_std_filepath) - - def apply(self, features): - """Normalize features to be of zero mean and unit stddev. - - :param features: Input features to be normalized. - :type features: ndarray, shape (T, D) - :param eps: added to stddev to provide numerical stablibity. - :type eps: float - :return: Normalized features. - :rtype: ndarray - """ - return (features - self._mean) * self._istd - - def _read_mean_std_from_file(self, filepath, eps=1e-20): - """Load mean and std from file.""" - mean, istd = load_cmvn(filepath, filetype='json') - self._mean = np.expand_dims(mean, axis=0) - self._istd = np.expand_dims(istd, axis=0) - ''' - print ("filepath", filepath) - npz = np.load(filepath) - self._mean = npz['mean'].reshape(1,161) - self._istd = npz['std'].reshape(1,161) - print ("mean.shape", self._mean.shape) - print ("istd.shape", self._istd.shape) - ''' - - def write_to_file(self, filepath): - """Write the mean and stddev to the file. - - :param filepath: File to write mean and stddev. - :type filepath: str - """ - with open(filepath, 'w') as fout: - fout.write(json.dumps(self.cmvn_info)) - - def _compute_mean_std(self, - manifest_path, - featurize_func, - num_samples, - num_workers, - batch_size=64, - eps=1e-20): - """Compute mean and std from randomly sampled instances.""" - paddle.set_device('cpu') - - collate_func = CollateFunc(featurize_func) - dataset = AudioDataset(manifest_path, num_samples, self._rng) - data_loader = DataLoader( - dataset, - batch_size=batch_size, - shuffle=False, - num_workers=num_workers, - collate_fn=collate_func) - - with paddle.no_grad(): - all_mean_stat = None - all_var_stat = None - all_number = 0 - wav_number = 0 - for i, batch in enumerate(data_loader): - number, mean_stat, var_stat = batch - if i == 0: - all_mean_stat = mean_stat - all_var_stat = var_stat - else: - all_mean_stat += mean_stat - all_var_stat += var_stat - all_number += number - wav_number += batch_size - - if wav_number % 1000 == 0: - logger.info( - f'process {wav_number} wavs,{all_number} frames.') - - self.cmvn_info = { - 'mean_stat': list(all_mean_stat.tolist()), - 'var_stat': list(all_var_stat.tolist()), - 'frame_num': all_number, - } - - return self.cmvn_info diff --git a/examples/transv1.8to2.x/deepspeech/frontend/speech.py b/examples/transv1.8to2.x/deepspeech/frontend/speech.py deleted file mode 100644 index e58795c0e..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/speech.py +++ /dev/null @@ -1,217 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains the speech segment class.""" -import numpy as np - -from deepspeech.frontend.audio import AudioSegment - - -class SpeechSegment(AudioSegment): - """Speech Segment with Text - - Args: - AudioSegment (AudioSegment): Audio Segment - """ - - def __init__(self, - samples, - sample_rate, - transcript, - tokens=None, - token_ids=None): - """Speech segment abstraction, a subclass of AudioSegment, - with an additional transcript. - - Args: - samples (ndarray.float32): Audio samples [num_samples x num_channels]. - sample_rate (int): Audio sample rate. - transcript (str): Transcript text for the speech. - tokens (List[str], optinal): Transcript tokens for the speech. - token_ids (List[int], optional): Transcript token ids for the speech. - """ - AudioSegment.__init__(self, samples, sample_rate) - self._transcript = transcript - # must init `tokens` with `token_ids` at the same time - self._tokens = tokens - self._token_ids = token_ids - - def __eq__(self, other): - """Return whether two objects are equal. - - Returns: - bool: True, when equal to other - """ - if not AudioSegment.__eq__(self, other): - return False - if self._transcript != other._transcript: - return False - if self.has_token and other.has_token: - if self._tokens != other._tokens: - return False - if self._token_ids != other._token_ids: - return False - return True - - def __ne__(self, other): - """Return whether two objects are unequal.""" - return not self.__eq__(other) - - @classmethod - def from_file(cls, filepath, transcript, tokens=None, token_ids=None): - """Create speech segment from audio file and corresponding transcript. - - Args: - filepath (str|file): Filepath or file object to audio file. - transcript (str): Transcript text for the speech. - tokens (List[str], optional): text tokens. Defaults to None. - token_ids (List[int], optional): text token ids. Defaults to None. - - Returns: - SpeechSegment: Speech segment instance. - """ - - audio = AudioSegment.from_file(filepath) - return cls(audio.samples, audio.sample_rate, transcript, tokens, - token_ids) - - @classmethod - def from_bytes(cls, bytes, transcript, tokens=None, token_ids=None): - """Create speech segment from a byte string and corresponding - - Args: - filepath (str|file): Filepath or file object to audio file. - transcript (str): Transcript text for the speech. - tokens (List[str], optional): text tokens. Defaults to None. - token_ids (List[int], optional): text token ids. Defaults to None. - - Returns: - SpeechSegment: Speech segment instance. - """ - audio = AudioSegment.from_bytes(bytes) - return cls(audio.samples, audio.sample_rate, transcript, tokens, - token_ids) - - @classmethod - def concatenate(cls, *segments): - """Concatenate an arbitrary number of speech segments together, both - audio and transcript will be concatenated. - - :param *segments: Input speech segments to be concatenated. - :type *segments: tuple of SpeechSegment - :return: Speech segment instance. - :rtype: SpeechSegment - :raises ValueError: If the number of segments is zero, or if the - sample_rate of any two segments does not match. - :raises TypeError: If any segment is not SpeechSegment instance. - """ - if len(segments) == 0: - raise ValueError("No speech segments are given to concatenate.") - sample_rate = segments[0]._sample_rate - transcripts = "" - tokens = [] - token_ids = [] - for seg in segments: - if sample_rate != seg._sample_rate: - raise ValueError("Can't concatenate segments with " - "different sample rates") - if type(seg) is not cls: - raise TypeError("Only speech segments of the same type " - "instance can be concatenated.") - transcripts += seg._transcript - if self.has_token: - tokens += seg._tokens - token_ids += seg._token_ids - samples = np.concatenate([seg.samples for seg in segments]) - return cls(samples, sample_rate, transcripts, tokens, token_ids) - - @classmethod - def slice_from_file(cls, - filepath, - transcript, - tokens=None, - token_ids=None, - start=None, - end=None): - """Loads a small section of an speech without having to load - the entire file into the memory which can be incredibly wasteful. - - :param filepath: Filepath or file object to audio file. - :type filepath: str|file - :param start: Start time in seconds. If start is negative, it wraps - around from the end. If not provided, this function - reads from the very beginning. - :type start: float - :param end: End time in seconds. If end is negative, it wraps around - from the end. If not provided, the default behvaior is - to read to the end of the file. - :type end: float - :param transcript: Transcript text for the speech. if not provided, - the defaults is an empty string. - :type transript: str - :return: SpeechSegment instance of the specified slice of the input - speech file. - :rtype: SpeechSegment - """ - audio = AudioSegment.slice_from_file(filepath, start, end) - return cls(audio.samples, audio.sample_rate, transcript, tokens, - token_ids) - - @classmethod - def make_silence(cls, duration, sample_rate): - """Creates a silent speech segment of the given duration and - sample rate, transcript will be an empty string. - - Args: - duration (float): Length of silence in seconds. - sample_rate (float): Sample rate. - - Returns: - SpeechSegment: Silence of the given duration. - """ - audio = AudioSegment.make_silence(duration, sample_rate) - return cls(audio.samples, audio.sample_rate, "") - - @property - def has_token(self): - if self._tokens and self._token_ids: - return True - return False - - @property - def transcript(self): - """Return the transcript text. - - Returns: - str: Transcript text for the speech. - """ - - return self._transcript - - @property - def tokens(self): - """Return the transcript text tokens. - - Returns: - List[str]: text tokens. - """ - return self._tokens - - @property - def token_ids(self): - """Return the transcript text token ids. - - Returns: - List[int]: text token ids. - """ - return self._token_ids diff --git a/examples/transv1.8to2.x/deepspeech/frontend/utility.py b/examples/transv1.8to2.x/deepspeech/frontend/utility.py deleted file mode 100644 index 72dfc98dd..000000000 --- a/examples/transv1.8to2.x/deepspeech/frontend/utility.py +++ /dev/null @@ -1,289 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains data helper functions.""" -import codecs -import json -import math -from typing import List -from typing import Optional -from typing import Text - -import numpy as np - -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = [ - "load_dict", "load_cmvn", "read_manifest", "rms_to_db", "rms_to_dbfs", - "max_dbfs", "mean_dbfs", "gain_db_to_ratio", "normalize_audio", "SOS", - "EOS", "UNK", "BLANK", "MASKCTC" -] - -IGNORE_ID = -1 -# `sos` and `eos` using same token -SOS = "" -EOS = SOS -UNK = "" -BLANK = "" -MASKCTC = "" - - -def load_dict(dict_path: Optional[Text], maskctc=False) -> Optional[List[Text]]: - if dict_path is None: - return None - - with open(dict_path, "r") as f: - dictionary = f.readlines() - char_list = [entry.strip().split(" ")[0] for entry in dictionary] - if BLANK not in char_list: - char_list.insert(0, BLANK) - if EOS not in char_list: - char_list.append(EOS) - # for non-autoregressive maskctc model - if maskctc and MASKCTC not in char_list: - char_list.append(MASKCTC) - return char_list - - -def read_manifest( - manifest_path, - max_input_len=float('inf'), - min_input_len=0.0, - max_output_len=float('inf'), - min_output_len=0.0, - max_output_input_ratio=float('inf'), - min_output_input_ratio=0.0, ): - """Load and parse manifest file. - - Args: - manifest_path ([type]): Manifest file to load and parse. - max_input_len ([type], optional): maximum output seq length, - in seconds for raw wav, in frame numbers for feature data. - Defaults to float('inf'). - min_input_len (float, optional): minimum input seq length, - in seconds for raw wav, in frame numbers for feature data. - Defaults to 0.0. - max_output_len (float, optional): maximum input seq length, - in modeling units. Defaults to 500.0. - min_output_len (float, optional): minimum input seq length, - in modeling units. Defaults to 0.0. - max_output_input_ratio (float, optional): - maximum output seq length/output seq length ratio. Defaults to 10.0. - min_output_input_ratio (float, optional): - minimum output seq length/output seq length ratio. Defaults to 0.05. - - Raises: - IOError: If failed to parse the manifest. - - Returns: - List[dict]: Manifest parsing results. - """ - - manifest = [] - for json_line in codecs.open(manifest_path, 'r', 'utf-8'): - try: - json_data = json.loads(json_line) - except Exception as e: - raise IOError("Error reading manifest: %s" % str(e)) - - feat_len = json_data["feat_shape"][ - 0] if 'feat_shape' in json_data else 1.0 - token_len = json_data["token_shape"][ - 0] if 'token_shape' in json_data else 1.0 - conditions = [ - feat_len >= min_input_len, - feat_len <= max_input_len, - token_len >= min_output_len, - token_len <= max_output_len, - token_len / feat_len >= min_output_input_ratio, - token_len / feat_len <= max_output_input_ratio, - ] - if all(conditions): - manifest.append(json_data) - return manifest - - -def rms_to_db(rms: float): - """Root Mean Square to dB. - - Args: - rms ([float]): root mean square - - Returns: - float: dB - """ - return 20.0 * math.log10(max(1e-16, rms)) - - -def rms_to_dbfs(rms: float): - """Root Mean Square to dBFS. - https://fireattack.wordpress.com/2017/02/06/replaygain-loudness-normalization-and-applications/ - Audio is mix of sine wave, so 1 amp sine wave's Full scale is 0.7071, equal to -3.0103dB. - - dB = dBFS + 3.0103 - dBFS = db - 3.0103 - e.g. 0 dB = -3.0103 dBFS - - Args: - rms ([float]): root mean square - - Returns: - float: dBFS - """ - return rms_to_db(rms) - 3.0103 - - -def max_dbfs(sample_data: np.ndarray): - """Peak dBFS based on the maximum energy sample. - - Args: - sample_data ([np.ndarray]): float array, [-1, 1]. - - Returns: - float: dBFS - """ - # Peak dBFS based on the maximum energy sample. Will prevent overdrive if used for normalization. - return rms_to_dbfs(max(abs(np.min(sample_data)), abs(np.max(sample_data)))) - - -def mean_dbfs(sample_data): - """Peak dBFS based on the RMS energy. - - Args: - sample_data ([np.ndarray]): float array, [-1, 1]. - - Returns: - float: dBFS - """ - return rms_to_dbfs( - math.sqrt(np.mean(np.square(sample_data, dtype=np.float64)))) - - -def gain_db_to_ratio(gain_db: float): - """dB to ratio - - Args: - gain_db (float): gain in dB - - Returns: - float: scale in amp - """ - return math.pow(10.0, gain_db / 20.0) - - -def normalize_audio(sample_data: np.ndarray, dbfs: float=-3.0103): - """Nomalize audio to dBFS. - - Args: - sample_data (np.ndarray): input wave samples, [-1, 1]. - dbfs (float, optional): target dBFS. Defaults to -3.0103. - - Returns: - np.ndarray: normalized wave - """ - return np.maximum( - np.minimum(sample_data * gain_db_to_ratio(dbfs - max_dbfs(sample_data)), - 1.0), -1.0) - - -def _load_json_cmvn(json_cmvn_file): - """ Load the json format cmvn stats file and calculate cmvn - - Args: - json_cmvn_file: cmvn stats file in json format - - Returns: - a numpy array of [means, vars] - """ - with open(json_cmvn_file) as f: - cmvn_stats = json.load(f) - - means = cmvn_stats['mean_stat'] - variance = cmvn_stats['var_stat'] - count = cmvn_stats['frame_num'] - for i in range(len(means)): - means[i] /= count - variance[i] = variance[i] / count - means[i] * means[i] - if variance[i] < 1.0e-20: - variance[i] = 1.0e-20 - variance[i] = 1.0 / math.sqrt(variance[i]) - cmvn = np.array([means, variance]) - return cmvn - - -def _load_kaldi_cmvn(kaldi_cmvn_file): - """ Load the kaldi format cmvn stats file and calculate cmvn - - Args: - kaldi_cmvn_file: kaldi text style global cmvn file, which - is generated by: - compute-cmvn-stats --binary=false scp:feats.scp global_cmvn - - Returns: - a numpy array of [means, vars] - """ - means = [] - variance = [] - with open(kaldi_cmvn_file, 'r') as fid: - # kaldi binary file start with '\0B' - if fid.read(2) == '\0B': - logger.error('kaldi cmvn binary file is not supported, please ' - 'recompute it by: compute-cmvn-stats --binary=false ' - ' scp:feats.scp global_cmvn') - sys.exit(1) - fid.seek(0) - arr = fid.read().split() - assert (arr[0] == '[') - assert (arr[-2] == '0') - assert (arr[-1] == ']') - feat_dim = int((len(arr) - 2 - 2) / 2) - for i in range(1, feat_dim + 1): - means.append(float(arr[i])) - count = float(arr[feat_dim + 1]) - for i in range(feat_dim + 2, 2 * feat_dim + 2): - variance.append(float(arr[i])) - - for i in range(len(means)): - means[i] /= count - variance[i] = variance[i] / count - means[i] * means[i] - if variance[i] < 1.0e-20: - variance[i] = 1.0e-20 - variance[i] = 1.0 / math.sqrt(variance[i]) - cmvn = np.array([means, variance]) - return cmvn - - -def load_cmvn(cmvn_file: str, filetype: str): - """load cmvn from file. - - Args: - cmvn_file (str): cmvn path. - filetype (str): file type, optional[npz, json, kaldi]. - - Raises: - ValueError: file type not support. - - Returns: - Tuple[np.ndarray, np.ndarray]: mean, istd - """ - assert filetype in ['npz', 'json', 'kaldi'], filetype - filetype = filetype.lower() - if filetype == "json": - cmvn = _load_json_cmvn(cmvn_file) - elif filetype == "kaldi": - cmvn = _load_kaldi_cmvn(cmvn_file) - else: - raise ValueError(f"cmvn file type no support: {filetype}") - return cmvn[0], cmvn[1] diff --git a/examples/transv1.8to2.x/deepspeech/io/__init__.py b/examples/transv1.8to2.x/deepspeech/io/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/io/batchfy.py b/examples/transv1.8to2.x/deepspeech/io/batchfy.py deleted file mode 100644 index de29d0546..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/batchfy.py +++ /dev/null @@ -1,469 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import itertools - -import numpy as np - -from deepspeech.utils.log import Log - -__all__ = ["make_batchset"] - -logger = Log(__name__).getlog() - - -def batchfy_by_seq( - sorted_data, - batch_size, - max_length_in, - max_length_out, - min_batch_size=1, - shortest_first=False, - ikey="input", - iaxis=0, - okey="output", - oaxis=0, ): - """Make batch set from json dictionary - - :param List[(str, Dict[str, Any])] sorted_data: dictionary loaded from data.json - :param int batch_size: batch size - :param int max_length_in: maximum length of input to decide adaptive batch size - :param int max_length_out: maximum length of output to decide adaptive batch size - :param int min_batch_size: mininum batch size (for multi-gpu) - :param bool shortest_first: Sort from batch with shortest samples - to longest if true, otherwise reverse - :param str ikey: key to access input - (for ASR ikey="input", for TTS, MT ikey="output".) - :param int iaxis: dimension to access input - (for ASR, TTS iaxis=0, for MT iaxis="1".) - :param str okey: key to access output - (for ASR, MT okey="output". for TTS okey="input".) - :param int oaxis: dimension to access output - (for ASR, TTS, MT oaxis=0, reserved for future research, -1 means all axis.) - :return: List[List[Tuple[str, dict]]] list of batches - """ - if batch_size <= 0: - raise ValueError(f"Invalid batch_size={batch_size}") - - # check #utts is more than min_batch_size - if len(sorted_data) < min_batch_size: - raise ValueError( - f"#utts({len(sorted_data)}) is less than min_batch_size({min_batch_size})." - ) - - # make list of minibatches - minibatches = [] - start = 0 - while True: - _, info = sorted_data[start] - ilen = int(info[ikey][iaxis]["shape"][0]) - olen = (int(info[okey][oaxis]["shape"][0]) if oaxis >= 0 else - max(map(lambda x: int(x["shape"][0]), info[okey]))) - factor = max(int(ilen / max_length_in), int(olen / max_length_out)) - # change batchsize depending on the input and output length - # if ilen = 1000 and max_length_in = 800 - # then b = batchsize / 2 - # and max(min_batches, .) avoids batchsize = 0 - bs = max(min_batch_size, int(batch_size / (1 + factor))) - end = min(len(sorted_data), start + bs) - minibatch = sorted_data[start:end] - if shortest_first: - minibatch.reverse() - - # check each batch is more than minimum batchsize - if len(minibatch) < min_batch_size: - mod = min_batch_size - len(minibatch) % min_batch_size - additional_minibatch = [ - sorted_data[i] for i in np.random.randint(0, start, mod) - ] - if shortest_first: - additional_minibatch.reverse() - minibatch.extend(additional_minibatch) - minibatches.append(minibatch) - - if end == len(sorted_data): - break - start = end - - # batch: List[List[Tuple[str, dict]]] - return minibatches - - -def batchfy_by_bin( - sorted_data, - batch_bins, - num_batches=0, - min_batch_size=1, - shortest_first=False, - ikey="input", - okey="output", ): - """Make variably sized batch set, which maximizes - - the number of bins up to `batch_bins`. - - :param List[(str, Dict[str, Any])] sorted_data: dictionary loaded from data.json - :param int batch_bins: Maximum frames of a batch - :param int num_batches: # number of batches to use (for debug) - :param int min_batch_size: minimum batch size (for multi-gpu) - :param int test: Return only every `test` batches - :param bool shortest_first: Sort from batch with shortest samples - to longest if true, otherwise reverse - - :param str ikey: key to access input (for ASR ikey="input", for TTS ikey="output".) - :param str okey: key to access output (for ASR okey="output". for TTS okey="input".) - - :return: List[Tuple[str, Dict[str, List[Dict[str, Any]]]] list of batches - """ - if batch_bins <= 0: - raise ValueError(f"invalid batch_bins={batch_bins}") - length = len(sorted_data) - idim = int(sorted_data[0][1][ikey][0]["shape"][1]) - odim = int(sorted_data[0][1][okey][0]["shape"][1]) - logger.info("# utts: " + str(len(sorted_data))) - minibatches = [] - start = 0 - n = 0 - while True: - # Dynamic batch size depending on size of samples - b = 0 - next_size = 0 - max_olen = 0 - while next_size < batch_bins and (start + b) < length: - ilen = int(sorted_data[start + b][1][ikey][0]["shape"][0]) * idim - olen = int(sorted_data[start + b][1][okey][0]["shape"][0]) * odim - if olen > max_olen: - max_olen = olen - next_size = (max_olen + ilen) * (b + 1) - if next_size <= batch_bins: - b += 1 - elif next_size == 0: - raise ValueError( - f"Can't fit one sample in batch_bins ({batch_bins}): " - f"Please increase the value") - end = min(length, start + max(min_batch_size, b)) - batch = sorted_data[start:end] - if shortest_first: - batch.reverse() - minibatches.append(batch) - # Check for min_batch_size and fixes the batches if needed - i = -1 - while len(minibatches[i]) < min_batch_size: - missing = min_batch_size - len(minibatches[i]) - if -i == len(minibatches): - minibatches[i + 1].extend(minibatches[i]) - minibatches = minibatches[1:] - break - else: - minibatches[i].extend(minibatches[i - 1][:missing]) - minibatches[i - 1] = minibatches[i - 1][missing:] - i -= 1 - if end == length: - break - start = end - n += 1 - if num_batches > 0: - minibatches = minibatches[:num_batches] - lengths = [len(x) for x in minibatches] - logger.info( - str(len(minibatches)) + " batches containing from " + str(min(lengths)) - + " to " + str(max(lengths)) + " samples " + "(avg " + str( - int(np.mean(lengths))) + " samples).") - return minibatches - - -def batchfy_by_frame( - sorted_data, - max_frames_in, - max_frames_out, - max_frames_inout, - num_batches=0, - min_batch_size=1, - shortest_first=False, - ikey="input", - okey="output", ): - """Make variable batch set, which maximizes the number of frames to max_batch_frame. - - :param List[(str, Dict[str, Any])] sorteddata: dictionary loaded from data.json - :param int max_frames_in: Maximum input frames of a batch - :param int max_frames_out: Maximum output frames of a batch - :param int max_frames_inout: Maximum input+output frames of a batch - :param int num_batches: # number of batches to use (for debug) - :param int min_batch_size: minimum batch size (for multi-gpu) - :param int test: Return only every `test` batches - :param bool shortest_first: Sort from batch with shortest samples - to longest if true, otherwise reverse - - :param str ikey: key to access input (for ASR ikey="input", for TTS ikey="output".) - :param str okey: key to access output (for ASR okey="output". for TTS okey="input".) - - :return: List[Tuple[str, Dict[str, List[Dict[str, Any]]]] list of batches - """ - if max_frames_in <= 0 and max_frames_out <= 0 and max_frames_inout <= 0: - raise ValueError( - "At least, one of `--batch-frames-in`, `--batch-frames-out` or " - "`--batch-frames-inout` should be > 0") - length = len(sorted_data) - minibatches = [] - start = 0 - end = 0 - while end != length: - # Dynamic batch size depending on size of samples - b = 0 - max_olen = 0 - max_ilen = 0 - while (start + b) < length: - ilen = int(sorted_data[start + b][1][ikey][0]["shape"][0]) - if ilen > max_frames_in and max_frames_in != 0: - raise ValueError( - f"Can't fit one sample in --batch-frames-in ({max_frames_in}): " - f"Please increase the value") - olen = int(sorted_data[start + b][1][okey][0]["shape"][0]) - if olen > max_frames_out and max_frames_out != 0: - raise ValueError( - f"Can't fit one sample in --batch-frames-out ({max_frames_out}): " - f"Please increase the value") - if ilen + olen > max_frames_inout and max_frames_inout != 0: - raise ValueError( - f"Can't fit one sample in --batch-frames-out ({max_frames_inout}): " - f"Please increase the value") - max_olen = max(max_olen, olen) - max_ilen = max(max_ilen, ilen) - in_ok = max_ilen * (b + 1) <= max_frames_in or max_frames_in == 0 - out_ok = max_olen * (b + 1) <= max_frames_out or max_frames_out == 0 - inout_ok = (max_ilen + max_olen) * ( - b + 1) <= max_frames_inout or max_frames_inout == 0 - if in_ok and out_ok and inout_ok: - # add more seq in the minibatch - b += 1 - else: - # no more seq in the minibatch - break - end = min(length, start + b) - batch = sorted_data[start:end] - if shortest_first: - batch.reverse() - minibatches.append(batch) - # Check for min_batch_size and fixes the batches if needed - i = -1 - while len(minibatches[i]) < min_batch_size: - missing = min_batch_size - len(minibatches[i]) - if -i == len(minibatches): - minibatches[i + 1].extend(minibatches[i]) - minibatches = minibatches[1:] - break - else: - minibatches[i].extend(minibatches[i - 1][:missing]) - minibatches[i - 1] = minibatches[i - 1][missing:] - i -= 1 - start = end - if num_batches > 0: - minibatches = minibatches[:num_batches] - lengths = [len(x) for x in minibatches] - logger.info( - str(len(minibatches)) + " batches containing from " + str(min(lengths)) - + " to " + str(max(lengths)) + " samples" + "(avg " + str( - int(np.mean(lengths))) + " samples).") - - return minibatches - - -def batchfy_shuffle(data, batch_size, min_batch_size, num_batches, - shortest_first): - import random - - logger.info("use shuffled batch.") - sorted_data = random.sample(data.items(), len(data.items())) - logger.info("# utts: " + str(len(sorted_data))) - # make list of minibatches - minibatches = [] - start = 0 - while True: - end = min(len(sorted_data), start + batch_size) - # check each batch is more than minimum batchsize - minibatch = sorted_data[start:end] - if shortest_first: - minibatch.reverse() - if len(minibatch) < min_batch_size: - mod = min_batch_size - len(minibatch) % min_batch_size - additional_minibatch = [ - sorted_data[i] for i in np.random.randint(0, start, mod) - ] - if shortest_first: - additional_minibatch.reverse() - minibatch.extend(additional_minibatch) - minibatches.append(minibatch) - if end == len(sorted_data): - break - start = end - - # for debugging - if num_batches > 0: - minibatches = minibatches[:num_batches] - logger.info("# minibatches: " + str(len(minibatches))) - return minibatches - - -BATCH_COUNT_CHOICES = ["auto", "seq", "bin", "frame"] -BATCH_SORT_KEY_CHOICES = ["input", "output", "shuffle"] - - -def make_batchset( - data, - batch_size=0, - max_length_in=float("inf"), - max_length_out=float("inf"), - num_batches=0, - min_batch_size=1, - shortest_first=False, - batch_sort_key="input", - count="auto", - batch_bins=0, - batch_frames_in=0, - batch_frames_out=0, - batch_frames_inout=0, - iaxis=0, - oaxis=0, ): - """Make batch set from json dictionary - - if utts have "category" value, - - >>> data = [{'category': 'A', 'input': ..., 'utt':'utt1'}, - ... {'category': 'B', 'input': ..., 'utt':'utt2'}, - ... {'category': 'B', 'input': ..., 'utt':'utt3'}, - ... {'category': 'A', 'input': ..., 'utt':'utt4'}] - >>> make_batchset(data, batchsize=2, ...) - [[('utt1', ...), ('utt4', ...)], [('utt2', ...), ('utt3': ...)]] - - Note that if any utts doesn't have "category", - perform as same as batchfy_by_{count} - - :param List[Dict[str, Any]] data: dictionary loaded from data.json - :param int batch_size: maximum number of sequences in a minibatch. - :param int batch_bins: maximum number of bins (frames x dim) in a minibatch. - :param int batch_frames_in: maximum number of input frames in a minibatch. - :param int batch_frames_out: maximum number of output frames in a minibatch. - :param int batch_frames_out: maximum number of input+output frames in a minibatch. - :param str count: strategy to count maximum size of batch. - For choices, see espnet.asr.batchfy.BATCH_COUNT_CHOICES - - :param int max_length_in: maximum length of input to decide adaptive batch size - :param int max_length_out: maximum length of output to decide adaptive batch size - :param int num_batches: # number of batches to use (for debug) - :param int min_batch_size: minimum batch size (for multi-gpu) - :param bool shortest_first: Sort from batch with shortest samples - to longest if true, otherwise reverse - :param str batch_sort_key: how to sort data before creating minibatches - ["input", "output", "shuffle"] - :param bool swap_io: if True, use "input" as output and "output" - as input in `data` dict - :param bool mt: if True, use 0-axis of "output" as output and 1-axis of "output" - as input in `data` dict - :param int iaxis: dimension to access input - (for ASR, TTS iaxis=0, for MT iaxis="1".) - :param int oaxis: dimension to access output (for ASR, TTS, MT oaxis=0, - reserved for future research, -1 means all axis.) - :return: List[List[Tuple[str, dict]]] list of batches - """ - # check args - if count not in BATCH_COUNT_CHOICES: - raise ValueError( - f"arg 'count' ({count}) should be one of {BATCH_COUNT_CHOICES}") - if batch_sort_key not in BATCH_SORT_KEY_CHOICES: - raise ValueError(f"arg 'batch_sort_key' ({batch_sort_key}) should be " - f"one of {BATCH_SORT_KEY_CHOICES}") - - ikey = "input" - okey = "output" - batch_sort_axis = 0 # index of list - if count == "auto": - if batch_size != 0: - count = "seq" - elif batch_bins != 0: - count = "bin" - elif batch_frames_in != 0 or batch_frames_out != 0 or batch_frames_inout != 0: - count = "frame" - else: - raise ValueError( - f"cannot detect `count` manually set one of {BATCH_COUNT_CHOICES}" - ) - logger.info(f"count is auto detected as {count}") - - if count != "seq" and batch_sort_key == "shuffle": - raise ValueError( - "batch_sort_key=shuffle is only available if batch_count=seq") - - category2data = {} # Dict[str, dict] - for v in data: - k = v['utt'] - category2data.setdefault(v.get("category"), {})[k] = v - - batches_list = [] # List[List[List[Tuple[str, dict]]]] - for d in category2data.values(): - if batch_sort_key == "shuffle": - batches = batchfy_shuffle(d, batch_size, min_batch_size, - num_batches, shortest_first) - batches_list.append(batches) - continue - - # sort it by input lengths (long to short) - sorted_data = sorted( - d.items(), - key=lambda data: int(data[1][batch_sort_key][batch_sort_axis]["shape"][0]), - reverse=not shortest_first, ) - logger.info("# utts: " + str(len(sorted_data))) - - if count == "seq": - batches = batchfy_by_seq( - sorted_data, - batch_size=batch_size, - max_length_in=max_length_in, - max_length_out=max_length_out, - min_batch_size=min_batch_size, - shortest_first=shortest_first, - ikey=ikey, - iaxis=iaxis, - okey=okey, - oaxis=oaxis, ) - if count == "bin": - batches = batchfy_by_bin( - sorted_data, - batch_bins=batch_bins, - min_batch_size=min_batch_size, - shortest_first=shortest_first, - ikey=ikey, - okey=okey, ) - if count == "frame": - batches = batchfy_by_frame( - sorted_data, - max_frames_in=batch_frames_in, - max_frames_out=batch_frames_out, - max_frames_inout=batch_frames_inout, - min_batch_size=min_batch_size, - shortest_first=shortest_first, - ikey=ikey, - okey=okey, ) - batches_list.append(batches) - - if len(batches_list) == 1: - batches = batches_list[0] - else: - # Concat list. This way is faster than "sum(batch_list, [])" - batches = list(itertools.chain(*batches_list)) - - # for debugging - if num_batches > 0: - batches = batches[:num_batches] - logger.info("# minibatches: " + str(len(batches))) - - # batch: List[List[Tuple[str, dict]]] - return batches diff --git a/examples/transv1.8to2.x/deepspeech/io/collator.py b/examples/transv1.8to2.x/deepspeech/io/collator.py deleted file mode 100644 index df3004790..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/collator.py +++ /dev/null @@ -1,321 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import io -from collections import namedtuple -from typing import Optional - -import numpy as np -from yacs.config import CfgNode - -from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline -from deepspeech.frontend.featurizer.speech_featurizer import SpeechFeaturizer -from deepspeech.frontend.normalizer import FeatureNormalizer -from deepspeech.frontend.speech import SpeechSegment -from deepspeech.frontend.utility import IGNORE_ID -from deepspeech.io.utility import pad_list -from deepspeech.utils.log import Log - -__all__ = ["SpeechCollator"] - -logger = Log(__name__).getlog() - -# namedtupe need global for pickle. -TarLocalData = namedtuple('TarLocalData', ['tar2info', 'tar2object']) - - -class SpeechCollator(): - @classmethod - def params(cls, config: Optional[CfgNode]=None) -> CfgNode: - default = CfgNode( - dict( - augmentation_config="", - random_seed=0, - mean_std_filepath="", - unit_type="char", - vocab_filepath="", - spm_model_prefix="", - specgram_type='linear', # 'linear', 'mfcc', 'fbank' - feat_dim=0, # 'mfcc', 'fbank' - delta_delta=False, # 'mfcc', 'fbank' - stride_ms=10.0, # ms - window_ms=20.0, # ms - n_fft=None, # fft points - max_freq=None, # None for samplerate/2 - target_sample_rate=16000, # target sample rate - use_dB_normalization=True, - target_dB=-20, - dither=1.0, # feature dither - keep_transcription_text=False)) - - if config is not None: - config.merge_from_other_cfg(default) - return default - - @classmethod - def from_config(cls, config): - """Build a SpeechCollator object from a config. - - Args: - config (yacs.config.CfgNode): configs object. - - Returns: - SpeechCollator: collator object. - """ - assert 'augmentation_config' in config.collator - assert 'keep_transcription_text' in config.collator - assert 'mean_std_filepath' in config.collator - assert 'vocab_filepath' in config.collator - assert 'specgram_type' in config.collator - assert 'n_fft' in config.collator - assert config.collator - - if isinstance(config.collator.augmentation_config, (str, bytes)): - if config.collator.augmentation_config: - aug_file = io.open( - config.collator.augmentation_config, - mode='r', - encoding='utf8') - else: - aug_file = io.StringIO(initial_value='{}', newline='') - else: - aug_file = config.collator.augmentation_config - assert isinstance(aug_file, io.StringIO) - - speech_collator = cls( - aug_file=aug_file, - random_seed=0, - mean_std_filepath=config.collator.mean_std_filepath, - unit_type=config.collator.unit_type, - vocab_filepath=config.collator.vocab_filepath, - spm_model_prefix=config.collator.spm_model_prefix, - specgram_type=config.collator.specgram_type, - feat_dim=config.collator.feat_dim, - delta_delta=config.collator.delta_delta, - stride_ms=config.collator.stride_ms, - window_ms=config.collator.window_ms, - n_fft=config.collator.n_fft, - max_freq=config.collator.max_freq, - target_sample_rate=config.collator.target_sample_rate, - use_dB_normalization=config.collator.use_dB_normalization, - target_dB=config.collator.target_dB, - dither=config.collator.dither, - keep_transcription_text=config.collator.keep_transcription_text) - return speech_collator - - def __init__( - self, - aug_file, - mean_std_filepath, - vocab_filepath, - spm_model_prefix, - random_seed=0, - unit_type="char", - specgram_type='linear', # 'linear', 'mfcc', 'fbank' - feat_dim=0, # 'mfcc', 'fbank' - delta_delta=False, # 'mfcc', 'fbank' - stride_ms=10.0, # ms - window_ms=20.0, # ms - n_fft=None, # fft points - max_freq=None, # None for samplerate/2 - target_sample_rate=16000, # target sample rate - use_dB_normalization=True, - target_dB=-20, - dither=1.0, - keep_transcription_text=True): - """SpeechCollator Collator - - Args: - unit_type(str): token unit type, e.g. char, word, spm - vocab_filepath (str): vocab file path. - mean_std_filepath (str): mean and std file path, which suffix is *.npy - spm_model_prefix (str): spm model prefix, need if `unit_type` is spm. - augmentation_config (str, optional): augmentation json str. Defaults to '{}'. - stride_ms (float, optional): stride size in ms. Defaults to 10.0. - window_ms (float, optional): window size in ms. Defaults to 20.0. - n_fft (int, optional): fft points for rfft. Defaults to None. - max_freq (int, optional): max cut freq. Defaults to None. - target_sample_rate (int, optional): target sample rate which used for training. Defaults to 16000. - specgram_type (str, optional): 'linear', 'mfcc' or 'fbank'. Defaults to 'linear'. - feat_dim (int, optional): audio feature dim, using by 'mfcc' or 'fbank'. Defaults to None. - delta_delta (bool, optional): audio feature with delta-delta, using by 'fbank' or 'mfcc'. Defaults to False. - use_dB_normalization (bool, optional): do dB normalization. Defaults to True. - target_dB (int, optional): target dB. Defaults to -20. - random_seed (int, optional): for random generator. Defaults to 0. - keep_transcription_text (bool, optional): True, when not in training mode, will not do tokenizer; Defaults to False. - if ``keep_transcription_text`` is False, text is token ids else is raw string. - - Do augmentations - Padding audio features with zeros to make them have the same shape (or - a user-defined shape) within one batch. - """ - self._keep_transcription_text = keep_transcription_text - - self._local_data = TarLocalData(tar2info={}, tar2object={}) - self._augmentation_pipeline = AugmentationPipeline( - augmentation_config=aug_file.read(), random_seed=random_seed) - - self._normalizer = FeatureNormalizer( - mean_std_filepath) if mean_std_filepath else None - - self._stride_ms = stride_ms - self._target_sample_rate = target_sample_rate - - self._speech_featurizer = SpeechFeaturizer( - unit_type=unit_type, - vocab_filepath=vocab_filepath, - spm_model_prefix=spm_model_prefix, - specgram_type=specgram_type, - feat_dim=feat_dim, - delta_delta=delta_delta, - stride_ms=stride_ms, - window_ms=window_ms, - n_fft=n_fft, - max_freq=max_freq, - target_sample_rate=target_sample_rate, - use_dB_normalization=use_dB_normalization, - target_dB=target_dB, - dither=dither) - - def _parse_tar(self, file): - """Parse a tar file to get a tarfile object - and a map containing tarinfoes - """ - result = {} - f = tarfile.open(file) - for tarinfo in f.getmembers(): - result[tarinfo.name] = tarinfo - return f, result - - def _subfile_from_tar(self, file): - """Get subfile object from tar. - - It will return a subfile object from tar file - and cached tar file info for next reading request. - """ - tarpath, filename = file.split(':', 1)[1].split('#', 1) - if 'tar2info' not in self._local_data.__dict__: - self._local_data.tar2info = {} - if 'tar2object' not in self._local_data.__dict__: - self._local_data.tar2object = {} - if tarpath not in self._local_data.tar2info: - object, infoes = self._parse_tar(tarpath) - self._local_data.tar2info[tarpath] = infoes - self._local_data.tar2object[tarpath] = object - return self._local_data.tar2object[tarpath].extractfile( - self._local_data.tar2info[tarpath][filename]) - - def process_utterance(self, audio_file, transcript): - """Load, augment, featurize and normalize for speech data. - - :param audio_file: Filepath or file object of audio file. - :type audio_file: str | file - :param transcript: Transcription text. - :type transcript: str - :return: Tuple of audio feature tensor and data of transcription part, - where transcription part could be token ids or text. - :rtype: tuple of (2darray, list) - """ - if isinstance(audio_file, str) and audio_file.startswith('tar:'): - speech_segment = SpeechSegment.from_file( - self._subfile_from_tar(audio_file), transcript) - else: - speech_segment = SpeechSegment.from_file(audio_file, transcript) - - # audio augment - self._augmentation_pipeline.transform_audio(speech_segment) - - specgram, transcript_part = self._speech_featurizer.featurize( - speech_segment, self._keep_transcription_text) - if self._normalizer: - specgram = self._normalizer.apply(specgram) - - # specgram augment - specgram = self._augmentation_pipeline.transform_feature(specgram) - return specgram, transcript_part - - def __call__(self, batch): - """batch examples - - Args: - batch ([List]): batch is (audio, text) - audio (np.ndarray) shape (T, D) - text (List[int] or str): shape (U,) - - Returns: - tuple(audio, text, audio_lens, text_lens): batched data. - audio : (B, Tmax, D) - audio_lens: (B) - text : (B, Umax) - text_lens: (B) - """ - audios = [] - audio_lens = [] - texts = [] - text_lens = [] - utts = [] - for utt, audio, text in batch: - audio, text = self.process_utterance(audio, text) - #utt - utts.append(utt) - # audio - audios.append(audio) # [T, D] - audio_lens.append(audio.shape[0]) - # text - # for training, text is token ids - # else text is string, convert to unicode ord - tokens = [] - if self._keep_transcription_text: - assert isinstance(text, str), (type(text), text) - tokens = [ord(t) for t in text] - else: - tokens = text # token ids - tokens = tokens if isinstance(tokens, np.ndarray) else np.array( - tokens, dtype=np.int64) - texts.append(tokens) - text_lens.append(tokens.shape[0]) - - #[B, T, D] - xs_pad = pad_list(audios, 0.0).astype(np.float32) - ilens = np.array(audio_lens).astype(np.int64) - ys_pad = pad_list(texts, IGNORE_ID).astype(np.int64) - olens = np.array(text_lens).astype(np.int64) - return utts, xs_pad, ilens, ys_pad, olens - - @property - def manifest(self): - return self._manifest - - @property - def vocab_size(self): - return self._speech_featurizer.vocab_size - - @property - def vocab_list(self): - return self._speech_featurizer.vocab_list - - @property - def vocab_dict(self): - return self._speech_featurizer.vocab_dict - - @property - def text_feature(self): - return self._speech_featurizer.text_feature - - @property - def feature_size(self): - return self._speech_featurizer.feature_size - - @property - def stride_ms(self): - return self._speech_featurizer.stride_ms diff --git a/examples/transv1.8to2.x/deepspeech/io/collator_st.py b/examples/transv1.8to2.x/deepspeech/io/collator_st.py deleted file mode 100644 index 28573366b..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/collator_st.py +++ /dev/null @@ -1,631 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import io -from collections import namedtuple -from typing import Optional - -import kaldiio -import numpy as np -from yacs.config import CfgNode - -from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline -from deepspeech.frontend.featurizer.speech_featurizer import SpeechFeaturizer -from deepspeech.frontend.featurizer.text_featurizer import TextFeaturizer -from deepspeech.frontend.normalizer import FeatureNormalizer -from deepspeech.frontend.speech import SpeechSegment -from deepspeech.frontend.utility import IGNORE_ID -from deepspeech.io.utility import pad_sequence -from deepspeech.utils.log import Log - -__all__ = ["SpeechCollator", "KaldiPrePorocessedCollator"] - -logger = Log(__name__).getlog() - -# namedtupe need global for pickle. -TarLocalData = namedtuple('TarLocalData', ['tar2info', 'tar2object']) - - -class SpeechCollator(): - @classmethod - def params(cls, config: Optional[CfgNode]=None) -> CfgNode: - default = CfgNode( - dict( - augmentation_config="", - random_seed=0, - mean_std_filepath="", - unit_type="char", - vocab_filepath="", - spm_model_prefix="", - specgram_type='linear', # 'linear', 'mfcc', 'fbank' - feat_dim=0, # 'mfcc', 'fbank' - delta_delta=False, # 'mfcc', 'fbank' - stride_ms=10.0, # ms - window_ms=20.0, # ms - n_fft=None, # fft points - max_freq=None, # None for samplerate/2 - target_sample_rate=16000, # target sample rate - use_dB_normalization=True, - target_dB=-20, - dither=1.0, # feature dither - keep_transcription_text=False)) - - if config is not None: - config.merge_from_other_cfg(default) - return default - - @classmethod - def from_config(cls, config): - """Build a SpeechCollator object from a config. - - Args: - config (yacs.config.CfgNode): configs object. - - Returns: - SpeechCollator: collator object. - """ - assert 'augmentation_config' in config.collator - assert 'keep_transcription_text' in config.collator - assert 'mean_std_filepath' in config.collator - assert 'vocab_filepath' in config.collator - assert 'specgram_type' in config.collator - assert 'n_fft' in config.collator - assert config.collator - - if isinstance(config.collator.augmentation_config, (str, bytes)): - if config.collator.augmentation_config: - aug_file = io.open( - config.collator.augmentation_config, - mode='r', - encoding='utf8') - else: - aug_file = io.StringIO(initial_value='{}', newline='') - else: - aug_file = config.collator.augmentation_config - assert isinstance(aug_file, io.StringIO) - - speech_collator = cls( - aug_file=aug_file, - random_seed=0, - mean_std_filepath=config.collator.mean_std_filepath, - unit_type=config.collator.unit_type, - vocab_filepath=config.collator.vocab_filepath, - spm_model_prefix=config.collator.spm_model_prefix, - specgram_type=config.collator.specgram_type, - feat_dim=config.collator.feat_dim, - delta_delta=config.collator.delta_delta, - stride_ms=config.collator.stride_ms, - window_ms=config.collator.window_ms, - n_fft=config.collator.n_fft, - max_freq=config.collator.max_freq, - target_sample_rate=config.collator.target_sample_rate, - use_dB_normalization=config.collator.use_dB_normalization, - target_dB=config.collator.target_dB, - dither=config.collator.dither, - keep_transcription_text=config.collator.keep_transcription_text) - return speech_collator - - def __init__( - self, - aug_file, - mean_std_filepath, - vocab_filepath, - spm_model_prefix, - random_seed=0, - unit_type="char", - specgram_type='linear', # 'linear', 'mfcc', 'fbank' - feat_dim=0, # 'mfcc', 'fbank' - delta_delta=False, # 'mfcc', 'fbank' - stride_ms=10.0, # ms - window_ms=20.0, # ms - n_fft=None, # fft points - max_freq=None, # None for samplerate/2 - target_sample_rate=16000, # target sample rate - use_dB_normalization=True, - target_dB=-20, - dither=1.0, - keep_transcription_text=True): - """SpeechCollator Collator - - Args: - unit_type(str): token unit type, e.g. char, word, spm - vocab_filepath (str): vocab file path. - mean_std_filepath (str): mean and std file path, which suffix is *.npy - spm_model_prefix (str): spm model prefix, need if `unit_type` is spm. - augmentation_config (str, optional): augmentation json str. Defaults to '{}'. - stride_ms (float, optional): stride size in ms. Defaults to 10.0. - window_ms (float, optional): window size in ms. Defaults to 20.0. - n_fft (int, optional): fft points for rfft. Defaults to None. - max_freq (int, optional): max cut freq. Defaults to None. - target_sample_rate (int, optional): target sample rate which used for training. Defaults to 16000. - specgram_type (str, optional): 'linear', 'mfcc' or 'fbank'. Defaults to 'linear'. - feat_dim (int, optional): audio feature dim, using by 'mfcc' or 'fbank'. Defaults to None. - delta_delta (bool, optional): audio feature with delta-delta, using by 'fbank' or 'mfcc'. Defaults to False. - use_dB_normalization (bool, optional): do dB normalization. Defaults to True. - target_dB (int, optional): target dB. Defaults to -20. - random_seed (int, optional): for random generator. Defaults to 0. - keep_transcription_text (bool, optional): True, when not in training mode, will not do tokenizer; Defaults to False. - if ``keep_transcription_text`` is False, text is token ids else is raw string. - - Do augmentations - Padding audio features with zeros to make them have the same shape (or - a user-defined shape) within one batch. - """ - self._keep_transcription_text = keep_transcription_text - - self._local_data = TarLocalData(tar2info={}, tar2object={}) - self._augmentation_pipeline = AugmentationPipeline( - augmentation_config=aug_file.read(), random_seed=random_seed) - - self._normalizer = FeatureNormalizer( - mean_std_filepath) if mean_std_filepath else None - - self._stride_ms = stride_ms - self._target_sample_rate = target_sample_rate - - self._speech_featurizer = SpeechFeaturizer( - unit_type=unit_type, - vocab_filepath=vocab_filepath, - spm_model_prefix=spm_model_prefix, - specgram_type=specgram_type, - feat_dim=feat_dim, - delta_delta=delta_delta, - stride_ms=stride_ms, - window_ms=window_ms, - n_fft=n_fft, - max_freq=max_freq, - target_sample_rate=target_sample_rate, - use_dB_normalization=use_dB_normalization, - target_dB=target_dB, - dither=dither) - - def _parse_tar(self, file): - """Parse a tar file to get a tarfile object - and a map containing tarinfoes - """ - result = {} - f = tarfile.open(file) - for tarinfo in f.getmembers(): - result[tarinfo.name] = tarinfo - return f, result - - def _subfile_from_tar(self, file): - """Get subfile object from tar. - - It will return a subfile object from tar file - and cached tar file info for next reading request. - """ - tarpath, filename = file.split(':', 1)[1].split('#', 1) - if 'tar2info' not in self._local_data.__dict__: - self._local_data.tar2info = {} - if 'tar2object' not in self._local_data.__dict__: - self._local_data.tar2object = {} - if tarpath not in self._local_data.tar2info: - object, infoes = self._parse_tar(tarpath) - self._local_data.tar2info[tarpath] = infoes - self._local_data.tar2object[tarpath] = object - return self._local_data.tar2object[tarpath].extractfile( - self._local_data.tar2info[tarpath][filename]) - - @property - def manifest(self): - return self._manifest - - @property - def vocab_size(self): - return self._speech_featurizer.vocab_size - - @property - def vocab_list(self): - return self._speech_featurizer.vocab_list - - @property - def vocab_dict(self): - return self._speech_featurizer.vocab_dict - - @property - def text_feature(self): - return self._speech_featurizer.text_feature - - @property - def feature_size(self): - return self._speech_featurizer.feature_size - - @property - def stride_ms(self): - return self._speech_featurizer.stride_ms - - def process_utterance(self, audio_file, translation): - """Load, augment, featurize and normalize for speech data. - - :param audio_file: Filepath or file object of audio file. - :type audio_file: str | file - :param translation: translation text. - :type translation: str - :return: Tuple of audio feature tensor and data of translation part, - where translation part could be token ids or text. - :rtype: tuple of (2darray, list) - """ - if isinstance(audio_file, str) and audio_file.startswith('tar:'): - speech_segment = SpeechSegment.from_file( - self._subfile_from_tar(audio_file), translation) - else: - speech_segment = SpeechSegment.from_file(audio_file, translation) - - # audio augment - self._augmentation_pipeline.transform_audio(speech_segment) - - specgram, translation_part = self._speech_featurizer.featurize( - speech_segment, self._keep_transcription_text) - if self._normalizer: - specgram = self._normalizer.apply(specgram) - - # specgram augment - specgram = self._augmentation_pipeline.transform_feature(specgram) - return specgram, translation_part - - def __call__(self, batch): - """batch examples - - Args: - batch ([List]): batch is (audio, text) - audio (np.ndarray) shape (T, D) - text (List[int] or str): shape (U,) - - Returns: - tuple(audio, text, audio_lens, text_lens): batched data. - audio : (B, Tmax, D) - audio_lens: (B) - text : (B, Umax) - text_lens: (B) - """ - audios = [] - audio_lens = [] - texts = [] - text_lens = [] - utts = [] - for utt, audio, text in batch: - audio, text = self.process_utterance(audio, text) - #utt - utts.append(utt) - # audio - audios.append(audio) # [T, D] - audio_lens.append(audio.shape[0]) - # text - # for training, text is token ids - # else text is string, convert to unicode ord - tokens = [] - if self._keep_transcription_text: - assert isinstance(text, str), (type(text), text) - tokens = [ord(t) for t in text] - else: - tokens = text # token ids - tokens = tokens if isinstance(tokens, np.ndarray) else np.array( - tokens, dtype=np.int64) - texts.append(tokens) - text_lens.append(tokens.shape[0]) - - padded_audios = pad_sequence( - audios, padding_value=0.0).astype(np.float32) #[B, T, D] - audio_lens = np.array(audio_lens).astype(np.int64) - padded_texts = pad_sequence( - texts, padding_value=IGNORE_ID).astype(np.int64) - text_lens = np.array(text_lens).astype(np.int64) - return utts, padded_audios, audio_lens, padded_texts, text_lens - - -class TripletSpeechCollator(SpeechCollator): - def process_utterance(self, audio_file, translation, transcript): - """Load, augment, featurize and normalize for speech data. - - :param audio_file: Filepath or file object of audio file. - :type audio_file: str | file - :param translation: translation text. - :type translation: str - :return: Tuple of audio feature tensor and data of translation part, - where translation part could be token ids or text. - :rtype: tuple of (2darray, list) - """ - if isinstance(audio_file, str) and audio_file.startswith('tar:'): - speech_segment = SpeechSegment.from_file( - self._subfile_from_tar(audio_file), translation) - else: - speech_segment = SpeechSegment.from_file(audio_file, translation) - - # audio augment - self._augmentation_pipeline.transform_audio(speech_segment) - - specgram, translation_part = self._speech_featurizer.featurize( - speech_segment, self._keep_transcription_text) - transcript_part = self._speech_featurizer._text_featurizer.featurize( - transcript) - if self._normalizer: - specgram = self._normalizer.apply(specgram) - - # specgram augment - specgram = self._augmentation_pipeline.transform_feature(specgram) - return specgram, translation_part, transcript_part - - def __call__(self, batch): - """batch examples - - Args: - batch ([List]): batch is (audio, text) - audio (np.ndarray) shape (T, D) - text (List[int] or str): shape (U,) - - Returns: - tuple(audio, text, audio_lens, text_lens): batched data. - audio : (B, Tmax, D) - audio_lens: (B) - text : (B, Umax) - text_lens: (B) - """ - audios = [] - audio_lens = [] - translation_text = [] - translation_text_lens = [] - transcription_text = [] - transcription_text_lens = [] - - utts = [] - for utt, audio, translation, transcription in batch: - audio, translation, transcription = self.process_utterance( - audio, translation, transcription) - #utt - utts.append(utt) - # audio - audios.append(audio) # [T, D] - audio_lens.append(audio.shape[0]) - # text - # for training, text is token ids - # else text is string, convert to unicode ord - tokens = [[], []] - for idx, text in enumerate([translation, transcription]): - if self._keep_transcription_text: - assert isinstance(text, str), (type(text), text) - tokens[idx] = [ord(t) for t in text] - else: - tokens[idx] = text # token ids - tokens[idx] = tokens[idx] if isinstance( - tokens[idx], np.ndarray) else np.array( - tokens[idx], dtype=np.int64) - translation_text.append(tokens[0]) - translation_text_lens.append(tokens[0].shape[0]) - transcription_text.append(tokens[1]) - transcription_text_lens.append(tokens[1].shape[0]) - - padded_audios = pad_sequence( - audios, padding_value=0.0).astype(np.float32) #[B, T, D] - audio_lens = np.array(audio_lens).astype(np.int64) - padded_translation = pad_sequence( - translation_text, padding_value=IGNORE_ID).astype(np.int64) - translation_lens = np.array(translation_text_lens).astype(np.int64) - padded_transcription = pad_sequence( - transcription_text, padding_value=IGNORE_ID).astype(np.int64) - transcription_lens = np.array(transcription_text_lens).astype(np.int64) - return utts, padded_audios, audio_lens, ( - padded_translation, padded_transcription), (translation_lens, - transcription_lens) - - -class KaldiPrePorocessedCollator(SpeechCollator): - @classmethod - def params(cls, config: Optional[CfgNode]=None) -> CfgNode: - default = CfgNode( - dict( - augmentation_config="", - random_seed=0, - unit_type="char", - vocab_filepath="", - spm_model_prefix="", - feat_dim=0, - stride_ms=10.0, - keep_transcription_text=False)) - - if config is not None: - config.merge_from_other_cfg(default) - return default - - @classmethod - def from_config(cls, config): - """Build a SpeechCollator object from a config. - - Args: - config (yacs.config.CfgNode): configs object. - - Returns: - SpeechCollator: collator object. - """ - assert 'augmentation_config' in config.collator - assert 'keep_transcription_text' in config.collator - assert 'vocab_filepath' in config.collator - assert config.collator - - if isinstance(config.collator.augmentation_config, (str, bytes)): - if config.collator.augmentation_config: - aug_file = io.open( - config.collator.augmentation_config, - mode='r', - encoding='utf8') - else: - aug_file = io.StringIO(initial_value='{}', newline='') - else: - aug_file = config.collator.augmentation_config - assert isinstance(aug_file, io.StringIO) - - speech_collator = cls( - aug_file=aug_file, - random_seed=0, - unit_type=config.collator.unit_type, - vocab_filepath=config.collator.vocab_filepath, - spm_model_prefix=config.collator.spm_model_prefix, - feat_dim=config.collator.feat_dim, - stride_ms=config.collator.stride_ms, - keep_transcription_text=config.collator.keep_transcription_text) - return speech_collator - - def __init__(self, - aug_file, - vocab_filepath, - spm_model_prefix, - random_seed=0, - unit_type="char", - feat_dim=0, - stride_ms=10.0, - keep_transcription_text=True): - """SpeechCollator Collator - - Args: - unit_type(str): token unit type, e.g. char, word, spm - vocab_filepath (str): vocab file path. - spm_model_prefix (str): spm model prefix, need if `unit_type` is spm. - augmentation_config (str, optional): augmentation json str. Defaults to '{}'. - random_seed (int, optional): for random generator. Defaults to 0. - keep_transcription_text (bool, optional): True, when not in training mode, will not do tokenizer; Defaults to False. - if ``keep_transcription_text`` is False, text is token ids else is raw string. - - Do augmentations - Padding audio features with zeros to make them have the same shape (or - a user-defined shape) within one batch. - """ - self._keep_transcription_text = keep_transcription_text - self._feat_dim = feat_dim - self._stride_ms = stride_ms - - self._local_data = TarLocalData(tar2info={}, tar2object={}) - self._augmentation_pipeline = AugmentationPipeline( - augmentation_config=aug_file.read(), random_seed=random_seed) - - self._text_featurizer = TextFeaturizer(unit_type, vocab_filepath, - spm_model_prefix) - - def process_utterance(self, audio_file, translation): - """Load, augment, featurize and normalize for speech data. - - :param audio_file: Filepath or file object of kaldi processed feature. - :type audio_file: str | file - :param translation: Translation text. - :type translation: str - :return: Tuple of audio feature tensor and data of translation part, - where translation part could be token ids or text. - :rtype: tuple of (2darray, list) - """ - specgram = kaldiio.load_mat(audio_file) - assert specgram.shape[ - 1] == self._feat_dim, 'expect feat dim {}, but got {}'.format( - self._feat_dim, specgram.shape[1]) - - # specgram augment - specgram = self._augmentation_pipeline.transform_feature(specgram) - - if self._keep_transcription_text: - return specgram, translation - else: - text_ids = self._text_featurizer.featurize(translation) - return specgram, text_ids - - -class TripletKaldiPrePorocessedCollator(KaldiPrePorocessedCollator): - def process_utterance(self, audio_file, translation, transcript): - """Load, augment, featurize and normalize for speech data. - - :param audio_file: Filepath or file object of kali processed feature. - :type audio_file: str | file - :param translation: Translation text. - :type translation: str - :param transcript: Transcription text. - :type transcript: str - :return: Tuple of audio feature tensor and data of translation and transcription parts, - where translation and transcription parts could be token ids or text. - :rtype: tuple of (2darray, (list, list)) - """ - specgram = kaldiio.load_mat(audio_file) - assert specgram.shape[ - 1] == self._feat_dim, 'expect feat dim {}, but got {}'.format( - self._feat_dim, specgram.shape[1]) - - # specgram augment - specgram = self._augmentation_pipeline.transform_feature(specgram) - - if self._keep_transcription_text: - return specgram, translation, transcript - else: - translation_text_ids = self._text_featurizer.featurize(translation) - transcript_text_ids = self._text_featurizer.featurize(transcript) - return specgram, translation_text_ids, transcript_text_ids - - def __call__(self, batch): - """batch examples - - Args: - batch ([List]): batch is (audio, text) - audio (np.ndarray) shape (T, D) - translation (List[int] or str): shape (U,) - transcription (List[int] or str): shape (V,) - - Returns: - tuple(audio, text, audio_lens, text_lens): batched data. - audio : (B, Tmax, D) - audio_lens: (B) - translation_text : (B, Umax) - translation_text_lens: (B) - transcription_text : (B, Vmax) - transcription_text_lens: (B) - """ - audios = [] - audio_lens = [] - translation_text = [] - translation_text_lens = [] - transcription_text = [] - transcription_text_lens = [] - - utts = [] - for utt, audio, translation, transcription in batch: - audio, translation, transcription = self.process_utterance( - audio, translation, transcription) - #utt - utts.append(utt) - # audio - audios.append(audio) # [T, D] - audio_lens.append(audio.shape[0]) - # text - # for training, text is token ids - # else text is string, convert to unicode ord - tokens = [[], []] - for idx, text in enumerate([translation, transcription]): - if self._keep_transcription_text: - assert isinstance(text, str), (type(text), text) - tokens[idx] = [ord(t) for t in text] - else: - tokens[idx] = text # token ids - tokens[idx] = tokens[idx] if isinstance( - tokens[idx], np.ndarray) else np.array( - tokens[idx], dtype=np.int64) - translation_text.append(tokens[0]) - translation_text_lens.append(tokens[0].shape[0]) - transcription_text.append(tokens[1]) - transcription_text_lens.append(tokens[1].shape[0]) - - padded_audios = pad_sequence( - audios, padding_value=0.0).astype(np.float32) #[B, T, D] - audio_lens = np.array(audio_lens).astype(np.int64) - padded_translation = pad_sequence( - translation_text, padding_value=IGNORE_ID).astype(np.int64) - translation_lens = np.array(translation_text_lens).astype(np.int64) - padded_transcription = pad_sequence( - transcription_text, padding_value=IGNORE_ID).astype(np.int64) - transcription_lens = np.array(transcription_text_lens).astype(np.int64) - return utts, padded_audios, audio_lens, ( - padded_translation, padded_transcription), (translation_lens, - transcription_lens) diff --git a/examples/transv1.8to2.x/deepspeech/io/converter.py b/examples/transv1.8to2.x/deepspeech/io/converter.py deleted file mode 100644 index b80c7b204..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/converter.py +++ /dev/null @@ -1,81 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import numpy as np - -from deepspeech.io.utility import pad_list -from deepspeech.utils.log import Log - -__all__ = ["CustomConverter"] - -logger = Log(__name__).getlog() - - -class CustomConverter(): - """Custom batch converter. - - Args: - subsampling_factor (int): The subsampling factor. - dtype (np.dtype): Data type to convert. - - """ - - def __init__(self, subsampling_factor=1, dtype=np.float32): - """Construct a CustomConverter object.""" - self.subsampling_factor = subsampling_factor - self.ignore_id = -1 - self.dtype = dtype - - def __call__(self, batch): - """Transform a batch and send it to a device. - - Args: - batch (list): The batch to transform. - - Returns: - tuple(np.ndarray, nn.ndarray, nn.ndarray) - - """ - # batch should be located in list - assert len(batch) == 1 - (xs, ys), utts = batch[0] - assert xs[0] is not None, "please check Reader and Augmentation impl." - - # perform subsampling - if self.subsampling_factor > 1: - xs = [x[::self.subsampling_factor, :] for x in xs] - - # get batch of lengths of input sequences - ilens = np.array([x.shape[0] for x in xs]) - - # perform padding and convert to tensor - # currently only support real number - if xs[0].dtype.kind == "c": - xs_pad_real = pad_list([x.real for x in xs], 0).astype(self.dtype) - xs_pad_imag = pad_list([x.imag for x in xs], 0).astype(self.dtype) - # Note(kamo): - # {'real': ..., 'imag': ...} will be changed to ComplexTensor in E2E. - # Don't create ComplexTensor and give it E2E here - # because torch.nn.DataParellel can't handle it. - xs_pad = {"real": xs_pad_real, "imag": xs_pad_imag} - else: - xs_pad = pad_list(xs, 0).astype(self.dtype) - - # NOTE: this is for multi-output (e.g., speech translation) - ys_pad = pad_list( - [np.array(y[0][:]) if isinstance(y, tuple) else y for y in ys], - self.ignore_id) - - olens = np.array( - [y[0].shape[0] if isinstance(y, tuple) else y.shape[0] for y in ys]) - return utts, xs_pad, ilens, ys_pad, olens diff --git a/examples/transv1.8to2.x/deepspeech/io/dataloader.py b/examples/transv1.8to2.x/deepspeech/io/dataloader.py deleted file mode 100644 index a35a0bc09..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/dataloader.py +++ /dev/null @@ -1,170 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from typing import Any -from typing import Dict -from typing import List -from typing import Text - -import numpy as np -from paddle.io import DataLoader - -from deepspeech.frontend.utility import read_manifest -from deepspeech.io.batchfy import make_batchset -from deepspeech.io.converter import CustomConverter -from deepspeech.io.dataset import TransformDataset -from deepspeech.io.reader import LoadInputsAndTargets -from deepspeech.utils.log import Log - -__all__ = ["BatchDataLoader"] - -logger = Log(__name__).getlog() - - -def feat_dim_and_vocab_size(data_json: List[Dict[Text, Any]], - mode: Text="asr", - iaxis=0, - oaxis=0): - if mode == 'asr': - feat_dim = data_json[0]['input'][oaxis]['shape'][1] - vocab_size = data_json[0]['output'][oaxis]['shape'][1] - else: - raise ValueError(f"{mode} mode not support!") - return feat_dim, vocab_size - - -def batch_collate(x): - """de-tuple. - - Args: - x (List[Tuple]): [(utts, xs, ilens, ys, olens)] - - Returns: - Tuple: (utts, xs, ilens, ys, olens) - """ - return x[0] - - -class BatchDataLoader(): - def __init__(self, - json_file: str, - train_mode: bool, - sortagrad: bool=False, - batch_size: int=0, - maxlen_in: float=float('inf'), - maxlen_out: float=float('inf'), - minibatches: int=0, - mini_batch_size: int=1, - batch_count: str='auto', - batch_bins: int=0, - batch_frames_in: int=0, - batch_frames_out: int=0, - batch_frames_inout: int=0, - preprocess_conf=None, - n_iter_processes: int=1, - subsampling_factor: int=1, - num_encs: int=1): - self.json_file = json_file - self.train_mode = train_mode - self.use_sortagrad = sortagrad == -1 or sortagrad > 0 - self.batch_size = batch_size - self.maxlen_in = maxlen_in - self.maxlen_out = maxlen_out - self.batch_count = batch_count - self.batch_bins = batch_bins - self.batch_frames_in = batch_frames_in - self.batch_frames_out = batch_frames_out - self.batch_frames_inout = batch_frames_inout - self.subsampling_factor = subsampling_factor - self.num_encs = num_encs - self.preprocess_conf = preprocess_conf - self.n_iter_processes = n_iter_processes - - # read json data - self.data_json = read_manifest(json_file) - self.feat_dim, self.vocab_size = feat_dim_and_vocab_size( - self.data_json, mode='asr') - - # make minibatch list (variable length) - self.minibaches = make_batchset( - self.data_json, - batch_size, - maxlen_in, - maxlen_out, - minibatches, # for debug - min_batch_size=mini_batch_size, - shortest_first=self.use_sortagrad, - count=batch_count, - batch_bins=batch_bins, - batch_frames_in=batch_frames_in, - batch_frames_out=batch_frames_out, - batch_frames_inout=batch_frames_inout, - iaxis=0, - oaxis=0, ) - - # data reader - self.reader = LoadInputsAndTargets( - mode="asr", - load_output=True, - preprocess_conf=preprocess_conf, - preprocess_args={"train": - train_mode}, # Switch the mode of preprocessing - ) - - # Setup a converter - if num_encs == 1: - self.converter = CustomConverter( - subsampling_factor=subsampling_factor, dtype=np.float32) - else: - assert NotImplementedError("not impl CustomConverterMulEnc.") - - # hack to make batchsize argument as 1 - # actual bathsize is included in a list - # default collate function converts numpy array to pytorch tensor - # we used an empty collate function instead which returns list - self.dataset = TransformDataset(self.minibaches, self.converter, - self.reader) - - self.dataloader = DataLoader( - dataset=self.dataset, - batch_size=1, - shuffle=not self.use_sortagrad if self.train_mode else False, - collate_fn=batch_collate, - num_workers=self.n_iter_processes, ) - - def __repr__(self): - echo = f"<{self.__class__.__module__}.{self.__class__.__name__} object at {hex(id(self))}> " - echo += f"train_mode: {self.train_mode}, " - echo += f"sortagrad: {self.use_sortagrad}, " - echo += f"batch_size: {self.batch_size}, " - echo += f"maxlen_in: {self.maxlen_in}, " - echo += f"maxlen_out: {self.maxlen_out}, " - echo += f"batch_count: {self.batch_count}, " - echo += f"batch_bins: {self.batch_bins}, " - echo += f"batch_frames_in: {self.batch_frames_in}, " - echo += f"batch_frames_out: {self.batch_frames_out}, " - echo += f"batch_frames_inout: {self.batch_frames_inout}, " - echo += f"subsampling_factor: {self.subsampling_factor}, " - echo += f"num_encs: {self.num_encs}, " - echo += f"num_workers: {self.n_iter_processes}, " - echo += f"file: {self.json_file}" - return echo - - def __len__(self): - return len(self.dataloader) - - def __iter__(self): - return self.dataloader.__iter__() - - def __call__(self): - return self.__iter__() diff --git a/examples/transv1.8to2.x/deepspeech/io/dataset.py b/examples/transv1.8to2.x/deepspeech/io/dataset.py deleted file mode 100644 index d1fe04707..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/dataset.py +++ /dev/null @@ -1,149 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from typing import Optional - -from paddle.io import Dataset -from yacs.config import CfgNode - -from deepspeech.frontend.utility import read_manifest -from deepspeech.utils.log import Log - -__all__ = ["ManifestDataset", "TripletManifestDataset", "TransformDataset"] - -logger = Log(__name__).getlog() - - -class ManifestDataset(Dataset): - @classmethod - def params(cls, config: Optional[CfgNode]=None) -> CfgNode: - default = CfgNode( - dict( - manifest="", - max_input_len=27.0, - min_input_len=0.0, - max_output_len=float('inf'), - min_output_len=0.0, - max_output_input_ratio=float('inf'), - min_output_input_ratio=0.0, )) - - if config is not None: - config.merge_from_other_cfg(default) - return default - - @classmethod - def from_config(cls, config): - """Build a ManifestDataset object from a config. - - Args: - config (yacs.config.CfgNode): configs object. - - Returns: - ManifestDataset: dataet object. - """ - assert 'manifest' in config.data - assert config.data.manifest - - dataset = cls( - manifest_path=config.data.manifest, - max_input_len=config.data.max_input_len, - min_input_len=config.data.min_input_len, - max_output_len=config.data.max_output_len, - min_output_len=config.data.min_output_len, - max_output_input_ratio=config.data.max_output_input_ratio, - min_output_input_ratio=config.data.min_output_input_ratio, ) - return dataset - - def __init__(self, - manifest_path, - max_input_len=float('inf'), - min_input_len=0.0, - max_output_len=float('inf'), - min_output_len=0.0, - max_output_input_ratio=float('inf'), - min_output_input_ratio=0.0): - """Manifest Dataset - - Args: - manifest_path (str): manifest josn file path - max_input_len ([type], optional): maximum output seq length, - in seconds for raw wav, in frame numbers for feature data. Defaults to float('inf'). - min_input_len (float, optional): minimum input seq length, - in seconds for raw wav, in frame numbers for feature data. Defaults to 0.0. - max_output_len (float, optional): maximum input seq length, - in modeling units. Defaults to 500.0. - min_output_len (float, optional): minimum input seq length, - in modeling units. Defaults to 0.0. - max_output_input_ratio (float, optional): maximum output seq length/output seq length ratio. - Defaults to 10.0. - min_output_input_ratio (float, optional): minimum output seq length/output seq length ratio. - Defaults to 0.05. - - """ - super().__init__() - - # read manifest - self._manifest = read_manifest( - manifest_path=manifest_path, - max_input_len=max_input_len, - min_input_len=min_input_len, - max_output_len=max_output_len, - min_output_len=min_output_len, - max_output_input_ratio=max_output_input_ratio, - min_output_input_ratio=min_output_input_ratio) - self._manifest.sort(key=lambda x: x["feat_shape"][0]) - - def __len__(self): - return len(self._manifest) - - def __getitem__(self, idx): - instance = self._manifest[idx] - return instance["utt"], instance["feat"], instance["text"] - - -class TripletManifestDataset(ManifestDataset): - """ - For Joint Training of Speech Translation and ASR. - text: translation, - text1: transcript. - """ - - def __getitem__(self, idx): - instance = self._manifest[idx] - return instance["utt"], instance["feat"], instance["text"], instance[ - "text1"] - - -class TransformDataset(Dataset): - """Transform Dataset. - - Args: - data: list object from make_batchset - converter: batch function - reader: read data - """ - - def __init__(self, data, converter, reader): - """Init function.""" - super().__init__() - self.data = data - self.converter = converter - self.reader = reader - - def __len__(self): - """Len function.""" - return len(self.data) - - def __getitem__(self, idx): - """[] operator.""" - return self.converter([self.reader(self.data[idx], return_uttid=True)]) diff --git a/examples/transv1.8to2.x/deepspeech/io/reader.py b/examples/transv1.8to2.x/deepspeech/io/reader.py deleted file mode 100644 index 95cdbb951..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/reader.py +++ /dev/null @@ -1,410 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from collections import OrderedDict - -import kaldiio -import numpy as np -import soundfile - -from deepspeech.frontend.augmentor.augmentation import AugmentationPipeline -from deepspeech.utils.log import Log - -__all__ = ["LoadInputsAndTargets"] - -logger = Log(__name__).getlog() - - -class LoadInputsAndTargets(): - """Create a mini-batch from a list of dicts - - >>> batch = [('utt1', - ... dict(input=[dict(feat='some.ark:123', - ... filetype='mat', - ... name='input1', - ... shape=[100, 80])], - ... output=[dict(tokenid='1 2 3 4', - ... name='target1', - ... shape=[4, 31])]])) - >>> l = LoadInputsAndTargets() - >>> feat, target = l(batch) - - :param: str mode: Specify the task mode, "asr" or "tts" - :param: str preprocess_conf: The path of a json file for pre-processing - :param: bool load_input: If False, not to load the input data - :param: bool load_output: If False, not to load the output data - :param: bool sort_in_input_length: Sort the mini-batch in descending order - of the input length - :param: bool use_speaker_embedding: Used for tts mode only - :param: bool use_second_target: Used for tts mode only - :param: dict preprocess_args: Set some optional arguments for preprocessing - :param: Optional[dict] preprocess_args: Used for tts mode only - """ - - def __init__( - self, - mode="asr", - preprocess_conf=None, - load_input=True, - load_output=True, - sort_in_input_length=True, - preprocess_args=None, - keep_all_data_on_mem=False, ): - self._loaders = {} - - if mode not in ["asr"]: - raise ValueError("Only asr are allowed: mode={}".format(mode)) - - if preprocess_conf is not None: - with open(preprocess_conf, 'r') as fin: - self.preprocessing = AugmentationPipeline(fin.read()) - logger.warning( - "[Experimental feature] Some preprocessing will be done " - "for the mini-batch creation using {}".format( - self.preprocessing)) - else: - # If conf doesn't exist, this function don't touch anything. - self.preprocessing = None - - self.mode = mode - self.load_output = load_output - self.load_input = load_input - self.sort_in_input_length = sort_in_input_length - if preprocess_args is None: - self.preprocess_args = {} - else: - assert isinstance(preprocess_args, dict), type(preprocess_args) - self.preprocess_args = dict(preprocess_args) - - self.keep_all_data_on_mem = keep_all_data_on_mem - - def __call__(self, batch, return_uttid=False): - """Function to load inputs and targets from list of dicts - - :param List[Tuple[str, dict]] batch: list of dict which is subset of - loaded data.json - :param bool return_uttid: return utterance ID information for visualization - :return: list of input token id sequences [(L_1), (L_2), ..., (L_B)] - :return: list of input feature sequences - [(T_1, D), (T_2, D), ..., (T_B, D)] - :rtype: list of float ndarray - :return: list of target token id sequences [(L_1), (L_2), ..., (L_B)] - :rtype: list of int ndarray - - """ - x_feats_dict = OrderedDict() # OrderedDict[str, List[np.ndarray]] - y_feats_dict = OrderedDict() # OrderedDict[str, List[np.ndarray]] - uttid_list = [] # List[str] - - for uttid, info in batch: - uttid_list.append(uttid) - - if self.load_input: - # Note(kamo): This for-loop is for multiple inputs - for idx, inp in enumerate(info["input"]): - # {"input": - # [{"feat": "some/path.h5:F01_050C0101_PED_REAL", - # "filetype": "hdf5", - # "name": "input1", ...}], ...} - x = self._get_from_loader( - filepath=inp["feat"], - filetype=inp.get("filetype", "mat")) - x_feats_dict.setdefault(inp["name"], []).append(x) - - if self.load_output: - for idx, inp in enumerate(info["output"]): - if "tokenid" in inp: - # ======= Legacy format for output ======= - # {"output": [{"tokenid": "1 2 3 4"}]) - x = np.fromiter( - map(int, inp["tokenid"].split()), dtype=np.int64) - else: - # ======= New format ======= - # {"input": - # [{"feat": "some/path.h5:F01_050C0101_PED_REAL", - # "filetype": "hdf5", - # "name": "target1", ...}], ...} - x = self._get_from_loader( - filepath=inp["feat"], - filetype=inp.get("filetype", "mat")) - - y_feats_dict.setdefault(inp["name"], []).append(x) - - if self.mode == "asr": - return_batch, uttid_list = self._create_batch_asr( - x_feats_dict, y_feats_dict, uttid_list) - else: - raise NotImplementedError(self.mode) - - if self.preprocessing is not None: - # Apply pre-processing all input features - for x_name in return_batch.keys(): - if x_name.startswith("input"): - return_batch[x_name] = self.preprocessing( - return_batch[x_name], uttid_list, - **self.preprocess_args) - - if return_uttid: - return tuple(return_batch.values()), uttid_list - - # Doesn't return the names now. - return tuple(return_batch.values()) - - def _create_batch_asr(self, x_feats_dict, y_feats_dict, uttid_list): - """Create a OrderedDict for the mini-batch - - :param OrderedDict x_feats_dict: - e.g. {"input1": [ndarray, ndarray, ...], - "input2": [ndarray, ndarray, ...]} - :param OrderedDict y_feats_dict: - e.g. {"target1": [ndarray, ndarray, ...], - "target2": [ndarray, ndarray, ...]} - :param: List[str] uttid_list: - Give uttid_list to sort in the same order as the mini-batch - :return: batch, uttid_list - :rtype: Tuple[OrderedDict, List[str]] - """ - # handle single-input and multi-input (paralell) asr mode - xs = list(x_feats_dict.values()) - - if self.load_output: - ys = list(y_feats_dict.values()) - assert len(xs[0]) == len(ys[0]), (len(xs[0]), len(ys[0])) - - # get index of non-zero length samples - nonzero_idx = list( - filter(lambda i: len(ys[0][i]) > 0, range(len(ys[0])))) - for n in range(1, len(y_feats_dict)): - nonzero_idx = filter(lambda i: len(ys[n][i]) > 0, nonzero_idx) - else: - # Note(kamo): Be careful not to make nonzero_idx to a generator - nonzero_idx = list(range(len(xs[0]))) - - if self.sort_in_input_length: - # sort in input lengths based on the first input - nonzero_sorted_idx = sorted( - nonzero_idx, key=lambda i: -len(xs[0][i])) - else: - nonzero_sorted_idx = nonzero_idx - - if len(nonzero_sorted_idx) != len(xs[0]): - logger.warning( - "Target sequences include empty tokenid (batch {} -> {}).". - format(len(xs[0]), len(nonzero_sorted_idx))) - - # remove zero-length samples - xs = [[x[i] for i in nonzero_sorted_idx] for x in xs] - uttid_list = [uttid_list[i] for i in nonzero_sorted_idx] - - x_names = list(x_feats_dict.keys()) - if self.load_output: - ys = [[y[i] for i in nonzero_sorted_idx] for y in ys] - y_names = list(y_feats_dict.keys()) - - # Keeping x_name and y_name, e.g. input1, for future extension - return_batch = OrderedDict([ - * [(x_name, x) for x_name, x in zip(x_names, xs)], - * [(y_name, y) for y_name, y in zip(y_names, ys)], - ]) - else: - return_batch = OrderedDict( - [(x_name, x) for x_name, x in zip(x_names, xs)]) - return return_batch, uttid_list - - def _get_from_loader(self, filepath, filetype): - """Return ndarray - - In order to make the fds to be opened only at the first referring, - the loader are stored in self._loaders - - >>> ndarray = loader.get_from_loader( - ... 'some/path.h5:F01_050C0101_PED_REAL', filetype='hdf5') - - :param: str filepath: - :param: str filetype: - :return: - :rtype: np.ndarray - """ - if filetype == "hdf5": - # e.g. - # {"input": [{"feat": "some/path.h5:F01_050C0101_PED_REAL", - # "filetype": "hdf5", - # -> filepath = "some/path.h5", key = "F01_050C0101_PED_REAL" - filepath, key = filepath.split(":", 1) - - loader = self._loaders.get(filepath) - if loader is None: - # To avoid disk access, create loader only for the first time - loader = h5py.File(filepath, "r") - self._loaders[filepath] = loader - return loader[key][()] - elif filetype == "sound.hdf5": - # e.g. - # {"input": [{"feat": "some/path.h5:F01_050C0101_PED_REAL", - # "filetype": "sound.hdf5", - # -> filepath = "some/path.h5", key = "F01_050C0101_PED_REAL" - filepath, key = filepath.split(":", 1) - - loader = self._loaders.get(filepath) - if loader is None: - # To avoid disk access, create loader only for the first time - loader = SoundHDF5File(filepath, "r", dtype="int16") - self._loaders[filepath] = loader - array, rate = loader[key] - return array - elif filetype == "sound": - # e.g. - # {"input": [{"feat": "some/path.wav", - # "filetype": "sound"}, - # Assume PCM16 - if not self.keep_all_data_on_mem: - array, _ = soundfile.read(filepath, dtype="int16") - return array - if filepath not in self._loaders: - array, _ = soundfile.read(filepath, dtype="int16") - self._loaders[filepath] = array - return self._loaders[filepath] - elif filetype == "npz": - # e.g. - # {"input": [{"feat": "some/path.npz:F01_050C0101_PED_REAL", - # "filetype": "npz", - filepath, key = filepath.split(":", 1) - - loader = self._loaders.get(filepath) - if loader is None: - # To avoid disk access, create loader only for the first time - loader = np.load(filepath) - self._loaders[filepath] = loader - return loader[key] - elif filetype == "npy": - # e.g. - # {"input": [{"feat": "some/path.npy", - # "filetype": "npy"}, - if not self.keep_all_data_on_mem: - return np.load(filepath) - if filepath not in self._loaders: - self._loaders[filepath] = np.load(filepath) - return self._loaders[filepath] - elif filetype in ["mat", "vec"]: - # e.g. - # {"input": [{"feat": "some/path.ark:123", - # "filetype": "mat"}]}, - # In this case, "123" indicates the starting points of the matrix - # load_mat can load both matrix and vector - if not self.keep_all_data_on_mem: - return kaldiio.load_mat(filepath) - if filepath not in self._loaders: - self._loaders[filepath] = kaldiio.load_mat(filepath) - return self._loaders[filepath] - elif filetype == "scp": - # e.g. - # {"input": [{"feat": "some/path.scp:F01_050C0101_PED_REAL", - # "filetype": "scp", - filepath, key = filepath.split(":", 1) - loader = self._loaders.get(filepath) - if loader is None: - # To avoid disk access, create loader only for the first time - loader = kaldiio.load_scp(filepath) - self._loaders[filepath] = loader - return loader[key] - else: - raise NotImplementedError( - "Not supported: loader_type={}".format(filetype)) - - -class SoundHDF5File(): - """Collecting sound files to a HDF5 file - - >>> f = SoundHDF5File('a.flac.h5', mode='a') - >>> array = np.random.randint(0, 100, 100, dtype=np.int16) - >>> f['id'] = (array, 16000) - >>> array, rate = f['id'] - - - :param: str filepath: - :param: str mode: - :param: str format: The type used when saving wav. flac, nist, htk, etc. - :param: str dtype: - - """ - - def __init__(self, - filepath, - mode="r+", - format=None, - dtype="int16", - **kwargs): - self.filepath = filepath - self.mode = mode - self.dtype = dtype - - self.file = h5py.File(filepath, mode, **kwargs) - if format is None: - # filepath = a.flac.h5 -> format = flac - second_ext = os.path.splitext(os.path.splitext(filepath)[0])[1] - format = second_ext[1:] - if format.upper() not in soundfile.available_formats(): - # If not found, flac is selected - format = "flac" - - # This format affects only saving - self.format = format - - def __repr__(self): - return ''.format( - self.filepath, self.mode, self.format, self.dtype) - - def create_dataset(self, name, shape=None, data=None, **kwds): - f = io.BytesIO() - array, rate = data - soundfile.write(f, array, rate, format=self.format) - self.file.create_dataset( - name, shape=shape, data=np.void(f.getvalue()), **kwds) - - def __setitem__(self, name, data): - self.create_dataset(name, data=data) - - def __getitem__(self, key): - data = self.file[key][()] - f = io.BytesIO(data.tobytes()) - array, rate = soundfile.read(f, dtype=self.dtype) - return array, rate - - def keys(self): - return self.file.keys() - - def values(self): - for k in self.file: - yield self[k] - - def items(self): - for k in self.file: - yield k, self[k] - - def __iter__(self): - return iter(self.file) - - def __contains__(self, item): - return item in self.file - - def __len__(self, item): - return len(self.file) - - def __enter__(self): - return self - - def __exit__(self, exc_type, exc_val, exc_tb): - self.file.close() - - def close(self): - self.file.close() diff --git a/examples/transv1.8to2.x/deepspeech/io/sampler.py b/examples/transv1.8to2.x/deepspeech/io/sampler.py deleted file mode 100644 index 763a3781e..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/sampler.py +++ /dev/null @@ -1,251 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import math - -import numpy as np -from paddle import distributed as dist -from paddle.io import BatchSampler -from paddle.io import DistributedBatchSampler - -from deepspeech.utils.log import Log - -__all__ = [ - "SortagradDistributedBatchSampler", - "SortagradBatchSampler", -] - -logger = Log(__name__).getlog() - - -def _batch_shuffle(indices, batch_size, epoch, clipped=False): - """Put similarly-sized instances into minibatches for better efficiency - and make a batch-wise shuffle. - - 1. Sort the audio clips by duration. - 2. Generate a random number `k`, k in [0, batch_size). - 3. Randomly shift `k` instances in order to create different batches - for different epochs. Create minibatches. - 4. Shuffle the minibatches. - - :param indices: indexes. List of int. - :type indices: list - :param batch_size: Batch size. This size is also used for generate - a random number for batch shuffle. - :type batch_size: int - :param clipped: Whether to clip the heading (small shift) and trailing - (incomplete batch) instances. - :type clipped: bool - :return: Batch shuffled mainifest. - :rtype: list - """ - rng = np.random.RandomState(epoch) - shift_len = rng.randint(0, batch_size - 1) - batch_indices = list(zip(* [iter(indices[shift_len:])] * batch_size)) - rng.shuffle(batch_indices) - batch_indices = [item for batch in batch_indices for item in batch] - assert clipped is False - if not clipped: - res_len = len(indices) - shift_len - len(batch_indices) - # when res_len is 0, will return whole list, len(List[-0:]) = len(List[:]) - if res_len != 0: - batch_indices.extend(indices[-res_len:]) - batch_indices.extend(indices[0:shift_len]) - assert len(indices) == len( - batch_indices - ), f"_batch_shuffle: {len(indices)} : {len(batch_indices)} : {res_len} - {shift_len}" - return batch_indices - - -class SortagradDistributedBatchSampler(DistributedBatchSampler): - def __init__(self, - dataset, - batch_size, - num_replicas=None, - rank=None, - shuffle=False, - drop_last=False, - sortagrad=False, - shuffle_method="batch_shuffle"): - """Sortagrad Sampler for multi gpus. - - Args: - dataset (paddle.io.Dataset): - batch_size (int): batch size for one gpu - num_replicas (int, optional): world size or numbers of gpus. Defaults to None. - rank (int, optional): rank id. Defaults to None. - shuffle (bool, optional): True for do shuffle, or else. Defaults to False. - drop_last (bool, optional): whether drop last batch which is less than batch size. Defaults to False. - sortagrad (bool, optional): True, do sortgrad in first epoch, then shuffle as usual; or else. Defaults to False. - shuffle_method (str, optional): shuffle method, "instance_shuffle" or "batch_shuffle". Defaults to "batch_shuffle". - """ - super().__init__(dataset, batch_size, num_replicas, rank, shuffle, - drop_last) - self._sortagrad = sortagrad - self._shuffle_method = shuffle_method - - def __iter__(self): - num_samples = len(self.dataset) - indices = np.arange(num_samples).tolist() - indices += indices[:(self.total_size - len(indices))] - assert len(indices) == self.total_size - - # sort (by duration) or batch-wise shuffle the manifest - if self.shuffle: - if self.epoch == 0 and self._sortagrad: - logger.info( - f'rank: {dist.get_rank()} dataset sortagrad! epoch {self.epoch}' - ) - else: - logger.info( - f'rank: {dist.get_rank()} dataset shuffle! epoch {self.epoch}' - ) - if self._shuffle_method == "batch_shuffle": - # using `batch_size * nrank`, or will cause instability loss and nan or inf grad, - # since diff batch examlpe length in batches case instability loss in diff rank, - # e.g. rank0 maxlength 20, rank3 maxlength 1000 - indices = _batch_shuffle( - indices, - self.batch_size * self.nranks, - self.epoch, - clipped=False) - elif self._shuffle_method == "instance_shuffle": - np.random.RandomState(self.epoch).shuffle(indices) - else: - raise ValueError("Unknown shuffle method %s." % - self._shuffle_method) - assert len( - indices - ) == self.total_size, f"batch shuffle examples error: {len(indices)} : {self.total_size}" - - # slice `self.batch_size` examples by rank id - def _get_indices_by_batch_size(indices): - subsampled_indices = [] - last_batch_size = self.total_size % (self.batch_size * self.nranks) - assert last_batch_size % self.nranks == 0 - last_local_batch_size = last_batch_size // self.nranks - - for i in range(self.local_rank * self.batch_size, - len(indices) - last_batch_size, - self.batch_size * self.nranks): - subsampled_indices.extend(indices[i:i + self.batch_size]) - - indices = indices[len(indices) - last_batch_size:] - subsampled_indices.extend( - indices[self.local_rank * last_local_batch_size:( - self.local_rank + 1) * last_local_batch_size]) - return subsampled_indices - - if self.nranks > 1: - indices = _get_indices_by_batch_size(indices) - - assert len(indices) == self.num_samples - _sample_iter = iter(indices) - - batch_indices = [] - for idx in _sample_iter: - batch_indices.append(idx) - if len(batch_indices) == self.batch_size: - logger.debug( - f"rank: {dist.get_rank()} batch index: {batch_indices} ") - yield batch_indices - batch_indices = [] - if not self.drop_last and len(batch_indices) > 0: - yield batch_indices - - def __len__(self): - num_samples = self.num_samples - num_samples += int(not self.drop_last) * (self.batch_size - 1) - return num_samples // self.batch_size - - -class SortagradBatchSampler(BatchSampler): - def __init__(self, - dataset, - batch_size, - shuffle=False, - drop_last=False, - sortagrad=False, - shuffle_method="batch_shuffle"): - """Sortagrad Sampler for one gpu. - - Args: - dataset (paddle.io.Dataset): - batch_size (int): batch size for one gpu - shuffle (bool, optional): True for do shuffle, or else. Defaults to False. - drop_last (bool, optional): whether drop last batch which is less than batch size. Defaults to False. - sortagrad (bool, optional): True, do sortgrad in first epoch, then shuffle as usual; or else. Defaults to False. - shuffle_method (str, optional): shuffle method, "instance_shuffle" or "batch_shuffle". Defaults to "batch_shuffle". - """ - self.dataset = dataset - - assert isinstance(batch_size, int) and batch_size > 0, \ - "batch_size should be a positive integer" - self.batch_size = batch_size - assert isinstance(shuffle, bool), \ - "shuffle should be a boolean value" - self.shuffle = shuffle - assert isinstance(drop_last, bool), \ - "drop_last should be a boolean number" - - self.drop_last = drop_last - self.epoch = 0 - self.num_samples = int(math.ceil(len(self.dataset) * 1.0)) - self.total_size = self.num_samples - self._sortagrad = sortagrad - self._shuffle_method = shuffle_method - - def __iter__(self): - num_samples = len(self.dataset) - indices = np.arange(num_samples).tolist() - indices += indices[:(self.total_size - len(indices))] - assert len(indices) == self.total_size - - # sort (by duration) or batch-wise shuffle the manifest - if self.shuffle: - if self.epoch == 0 and self._sortagrad: - logger.info(f'dataset sortagrad! epoch {self.epoch}') - else: - logger.info(f'dataset shuffle! epoch {self.epoch}') - if self._shuffle_method == "batch_shuffle": - indices = _batch_shuffle( - indices, self.batch_size, self.epoch, clipped=False) - elif self._shuffle_method == "instance_shuffle": - np.random.RandomState(self.epoch).shuffle(indices) - else: - raise ValueError("Unknown shuffle method %s." % - self._shuffle_method) - assert len( - indices - ) == self.total_size, f"batch shuffle examples error: {len(indices)} : {self.total_size}" - - assert len(indices) == self.num_samples - _sample_iter = iter(indices) - - batch_indices = [] - for idx in _sample_iter: - batch_indices.append(idx) - if len(batch_indices) == self.batch_size: - logger.debug( - f"rank: {dist.get_rank()} batch index: {batch_indices} ") - yield batch_indices - batch_indices = [] - if not self.drop_last and len(batch_indices) > 0: - yield batch_indices - - self.epoch += 1 - - def __len__(self): - num_samples = self.num_samples - num_samples += int(not self.drop_last) * (self.batch_size - 1) - return num_samples // self.batch_size diff --git a/examples/transv1.8to2.x/deepspeech/io/utility.py b/examples/transv1.8to2.x/deepspeech/io/utility.py deleted file mode 100644 index 99487a0af..000000000 --- a/examples/transv1.8to2.x/deepspeech/io/utility.py +++ /dev/null @@ -1,87 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from typing import List - -import numpy as np - -from deepspeech.utils.log import Log - -__all__ = ["pad_list", "pad_sequence"] - -logger = Log(__name__).getlog() - - -def pad_list(sequences: List[np.ndarray], - padding_value: float=0.0) -> np.ndarray: - return pad_sequence(sequences, True, padding_value) - - -def pad_sequence(sequences: List[np.ndarray], - batch_first: bool=True, - padding_value: float=0.0) -> np.ndarray: - r"""Pad a list of variable length Tensors with ``padding_value`` - - ``pad_sequence`` stacks a list of Tensors along a new dimension, - and pads them to equal length. For example, if the input is list of - sequences with size ``L x *`` and if batch_first is False, and ``T x B x *`` - otherwise. - - `B` is batch size. It is equal to the number of elements in ``sequences``. - `T` is length of the longest sequence. - `L` is length of the sequence. - `*` is any number of trailing dimensions, including none. - - Example: - >>> a = np.ones([25, 300]) - >>> b = np.ones([22, 300]) - >>> c = np.ones([15, 300]) - >>> pad_sequence([a, b, c]).shape - [25, 3, 300] - - Note: - This function returns a np.ndarray of size ``T x B x *`` or ``B x T x *`` - where `T` is the length of the longest sequence. This function assumes - trailing dimensions and type of all the Tensors in sequences are same. - - Args: - sequences (list[np.ndarray]): list of variable length sequences. - batch_first (bool, optional): output will be in ``B x T x *`` if True, or in - ``T x B x *`` otherwise - padding_value (float, optional): value for padded elements. Default: 0. - - Returns: - np.ndarray of size ``T x B x *`` if :attr:`batch_first` is ``False``. - np.ndarray of size ``B x T x *`` otherwise - """ - - # assuming trailing dimensions and type of all the Tensors - # in sequences are same and fetching those from sequences[0] - max_size = sequences[0].shape - trailing_dims = max_size[1:] - max_len = max([s.shape[0] for s in sequences]) - if batch_first: - out_dims = (len(sequences), max_len) + trailing_dims - else: - out_dims = (max_len, len(sequences)) + trailing_dims - - out_tensor = np.full(out_dims, padding_value, dtype=sequences[0].dtype) - for i, tensor in enumerate(sequences): - length = tensor.shape[0] - # use index notation to prevent duplicate references to the tensor - if batch_first: - out_tensor[i, :length, ...] = tensor - else: - out_tensor[:length, i, ...] = tensor - - return out_tensor diff --git a/examples/transv1.8to2.x/deepspeech/models/__init__.py b/examples/transv1.8to2.x/deepspeech/models/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/deepspeech/models/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/models/ds2/conv.py b/examples/transv1.8to2.x/deepspeech/models/ds2/conv.py deleted file mode 100644 index f76a1e580..000000000 --- a/examples/transv1.8to2.x/deepspeech/models/ds2/conv.py +++ /dev/null @@ -1,165 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from paddle import nn -from paddle.nn import functional as F - -from deepspeech.modules.activation import brelu -from deepspeech.modules.mask import make_non_pad_mask -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ['ConvStack', "conv_output_size"] - - -def conv_output_size(I, F, P, S): - # https://stanford.edu/~shervine/teaching/cs-230/cheatsheet-convolutional-neural-networks#hyperparameters - # Output size after Conv: - # By noting I the length of the input volume size, - # F the length of the filter, - # P the amount of zero padding, - # S the stride, - # then the output size O of the feature map along that dimension is given by: - # O = (I - F + Pstart + Pend) // S + 1 - # When Pstart == Pend == P, we can replace Pstart + Pend by 2P. - # When Pstart == Pend == 0 - # O = (I - F - S) // S - # https://iq.opengenus.org/output-size-of-convolution/ - # Output height = (Input height + padding height top + padding height bottom - kernel height) / (stride height) + 1 - # Output width = (Output width + padding width right + padding width left - kernel width) / (stride width) + 1 - return (I - F + 2 * P - S) // S - - -class ConvBn(nn.Layer): - """Convolution layer with batch normalization. - - :param kernel_size: The x dimension of a filter kernel. Or input a tuple for - two image dimension. - :type kernel_size: int|tuple|list - :param num_channels_in: Number of input channels. - :type num_channels_in: int - :param num_channels_out: Number of output channels. - :type num_channels_out: int - :param stride: The x dimension of the stride. Or input a tuple for two - image dimension. - :type stride: int|tuple|list - :param padding: The x dimension of the padding. Or input a tuple for two - image dimension. - :type padding: int|tuple|list - :param act: Activation type, relu|brelu - :type act: string - :return: Batch norm layer after convolution layer. - :rtype: Variable - - """ - - def __init__(self, num_channels_in, num_channels_out, kernel_size, stride, - padding, act): - - super().__init__() - assert len(kernel_size) == 2 - assert len(stride) == 2 - assert len(padding) == 2 - self.kernel_size = kernel_size - self.stride = stride - self.padding = padding - - self.conv = nn.Conv2D( - num_channels_in, - num_channels_out, - kernel_size=kernel_size, - stride=stride, - padding=padding, - weight_attr=None, - bias_attr=False, - data_format='NCHW') - - self.bn = nn.BatchNorm2D( - num_channels_out, - weight_attr=None, - bias_attr=None, - data_format='NCHW') - self.act = F.relu if act == 'relu' else brelu - - def forward(self, x, x_len): - """ - x(Tensor): audio, shape [B, C, D, T] - """ - x = self.conv(x) - x = self.bn(x) - x = self.act(x) - - x_len = (x_len - self.kernel_size[1] + 2 * self.padding[1] - ) // self.stride[1] + 1 - - # reset padding part to 0 - masks = make_non_pad_mask(x_len) #[B, T] - masks = masks.unsqueeze(1).unsqueeze(1) # [B, 1, 1, T] - # TODO(Hui Zhang): not support bool multiply - # masks = masks.type_as(x) - masks = masks.astype(x.dtype) - x = x.multiply(masks) - - return x, x_len - - -class ConvStack(nn.Layer): - """Convolution group with stacked convolution layers. - - :param feat_size: audio feature dim. - :type feat_size: int - :param num_stacks: Number of stacked convolution layers. - :type num_stacks: int - """ - - def __init__(self, feat_size, num_stacks): - super().__init__() - self.feat_size = feat_size # D - self.num_stacks = num_stacks - - self.conv_in = ConvBn( - num_channels_in=1, - num_channels_out=32, - kernel_size=(41, 11), #[D, T] - stride=(2, 3), - padding=(20, 5), - act='brelu') - - out_channel = 32 - convs = [ - ConvBn( - num_channels_in=32, - num_channels_out=out_channel, - kernel_size=(21, 11), - stride=(2, 1), - padding=(10, 5), - act='brelu') for i in range(num_stacks - 1) - ] - self.conv_stack = nn.LayerList(convs) - - # conv output feat_dim - output_height = (feat_size - 1) // 2 + 1 - for i in range(self.num_stacks - 1): - output_height = (output_height - 1) // 2 + 1 - self.output_height = out_channel * output_height - - def forward(self, x, x_len): - """ - x: shape [B, C, D, T] - x_len : shape [B] - """ - x, x_len = self.conv_in(x, x_len) - for i, conv in enumerate(self.conv_stack): - x, x_len = conv(x, x_len) - return x, x_len diff --git a/examples/transv1.8to2.x/deepspeech/modules/__init__.py b/examples/transv1.8to2.x/deepspeech/modules/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/modules/activation.py b/examples/transv1.8to2.x/deepspeech/modules/activation.py deleted file mode 100644 index 30132775e..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/activation.py +++ /dev/null @@ -1,145 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from collections import OrderedDict - -import paddle -from paddle import nn - -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ["get_activation", "brelu", "LinearGLUBlock", "ConvGLUBlock"] - - -def brelu(x, t_min=0.0, t_max=24.0, name=None): - # paddle.to_tensor is dygraph_only can not work under JIT - t_min = paddle.full(shape=[1], fill_value=t_min, dtype='float32') - t_max = paddle.full(shape=[1], fill_value=t_max, dtype='float32') - return x.maximum(t_min).minimum(t_max) - - -class LinearGLUBlock(nn.Layer): - """A linear Gated Linear Units (GLU) block.""" - - def __init__(self, idim: int): - """ GLU. - Args: - idim (int): input and output dimension - """ - super().__init__() - self.fc = nn.Linear(idim, idim * 2) - - def forward(self, xs): - return glu(self.fc(xs), dim=-1) - - -class ConvGLUBlock(nn.Layer): - def __init__(self, kernel_size, in_ch, out_ch, bottlececk_dim=0, - dropout=0.): - """A convolutional Gated Linear Units (GLU) block. - - Args: - kernel_size (int): kernel size - in_ch (int): number of input channels - out_ch (int): number of output channels - bottlececk_dim (int): dimension of the bottleneck layers for computational efficiency. Defaults to 0. - dropout (float): dropout probability. Defaults to 0.. - """ - - super().__init__() - - self.conv_residual = None - if in_ch != out_ch: - self.conv_residual = nn.utils.weight_norm( - nn.Conv2D( - in_channels=in_ch, out_channels=out_ch, kernel_size=(1, 1)), - name='weight', - dim=0) - self.dropout_residual = nn.Dropout(p=dropout) - - self.pad_left = nn.Pad2d((0, 0, kernel_size - 1, 0), 0) - - layers = OrderedDict() - if bottlececk_dim == 0: - layers['conv'] = nn.utils.weight_norm( - nn.Conv2D( - in_channels=in_ch, - out_channels=out_ch * 2, - kernel_size=(kernel_size, 1)), - name='weight', - dim=0) - # TODO(hirofumi0810): padding? - layers['dropout'] = nn.Dropout(p=dropout) - layers['glu'] = GLU() - - elif bottlececk_dim > 0: - layers['conv_in'] = nn.utils.weight_norm( - nn.Conv2D( - in_channels=in_ch, - out_channels=bottlececk_dim, - kernel_size=(1, 1)), - name='weight', - dim=0) - layers['dropout_in'] = nn.Dropout(p=dropout) - layers['conv_bottleneck'] = nn.utils.weight_norm( - nn.Conv2D( - in_channels=bottlececk_dim, - out_channels=bottlececk_dim, - kernel_size=(kernel_size, 1)), - name='weight', - dim=0) - layers['dropout'] = nn.Dropout(p=dropout) - layers['glu'] = GLU() - layers['conv_out'] = nn.utils.weight_norm( - nn.Conv2D( - in_channels=bottlececk_dim, - out_channels=out_ch * 2, - kernel_size=(1, 1)), - name='weight', - dim=0) - layers['dropout_out'] = nn.Dropout(p=dropout) - - self.layers = nn.Sequential(layers) - - def forward(self, xs): - """Forward pass. - Args: - xs (FloatTensor): `[B, in_ch, T, feat_dim]` - Returns: - out (FloatTensor): `[B, out_ch, T, feat_dim]` - """ - residual = xs - if self.conv_residual is not None: - residual = self.dropout_residual(self.conv_residual(residual)) - xs = self.pad_left(xs) # `[B, embed_dim, T+kernel-1, 1]` - xs = self.layers(xs) # `[B, out_ch * 2, T ,1]` - xs = xs + residual - return xs - - -def get_activation(act): - """Return activation function.""" - # Lazy load to avoid unused import - activation_funcs = { - "hardtanh": paddle.nn.Hardtanh, - "tanh": paddle.nn.Tanh, - "relu": paddle.nn.ReLU, - "selu": paddle.nn.SELU, - "swish": paddle.nn.Swish, - "gelu": paddle.nn.GELU, - "brelu": brelu, - } - - return activation_funcs[act]() diff --git a/examples/transv1.8to2.x/deepspeech/modules/cmvn.py b/examples/transv1.8to2.x/deepspeech/modules/cmvn.py deleted file mode 100644 index b98af052e..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/cmvn.py +++ /dev/null @@ -1,51 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import paddle -from paddle import nn - -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ['GlobalCMVN'] - - -class GlobalCMVN(nn.Layer): - def __init__(self, - mean: paddle.Tensor, - istd: paddle.Tensor, - norm_var: bool=True): - """ - Args: - mean (paddle.Tensor): mean stats - istd (paddle.Tensor): inverse std, std which is 1.0 / std - """ - super().__init__() - assert mean.shape == istd.shape - self.norm_var = norm_var - # The buffer can be accessed from this module using self.mean - self.register_buffer("mean", mean) - self.register_buffer("istd", istd) - - def forward(self, x: paddle.Tensor): - """ - Args: - x (paddle.Tensor): (batch, max_len, feat_dim) - Returns: - (paddle.Tensor): normalized feature - """ - x = x - self.mean - if self.norm_var: - x = x * self.istd - return x diff --git a/examples/transv1.8to2.x/deepspeech/modules/crf.py b/examples/transv1.8to2.x/deepspeech/modules/crf.py deleted file mode 100644 index b6b481a0f..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/crf.py +++ /dev/null @@ -1,370 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import paddle -from paddle import nn - -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ['CRF'] - - -class CRF(nn.Layer): - """ - Linear-chain Conditional Random Field (CRF). - - Args: - nb_labels (int): number of labels in your tagset, including special symbols. - bos_tag_id (int): integer representing the beginning of sentence symbol in - your tagset. - eos_tag_id (int): integer representing the end of sentence symbol in your tagset. - pad_tag_id (int, optional): integer representing the pad symbol in your tagset. - If None, the model will treat the PAD as a normal tag. Otherwise, the model - will apply constraints for PAD transitions. - batch_first (bool): Whether the first dimension represents the batch dimension. - """ - - def __init__(self, - nb_labels: int, - bos_tag_id: int, - eos_tag_id: int, - pad_tag_id: int=None, - batch_first: bool=True): - super().__init__() - - self.nb_labels = nb_labels - self.BOS_TAG_ID = bos_tag_id - self.EOS_TAG_ID = eos_tag_id - self.PAD_TAG_ID = pad_tag_id - self.batch_first = batch_first - - # initialize transitions from a random uniform distribution between -0.1 and 0.1 - self.transitions = self.create_parameter( - [self.nb_labels, self.nb_labels], - default_initializer=nn.initializer.Uniform(-0.1, 0.1)) - self.init_weights() - - def init_weights(self): - # enforce contraints (rows=from, columns=to) with a big negative number - # so exp(-10000) will tend to zero - - # no transitions allowed to the beginning of sentence - self.transitions[:, self.BOS_TAG_ID] = -10000.0 - # no transition alloed from the end of sentence - self.transitions[self.EOS_TAG_ID, :] = -10000.0 - - if self.PAD_TAG_ID is not None: - # no transitions from padding - self.transitions[self.PAD_TAG_ID, :] = -10000.0 - # no transitions to padding - self.transitions[:, self.PAD_TAG_ID] = -10000.0 - # except if the end of sentence is reached - # or we are already in a pad position - self.transitions[self.PAD_TAG_ID, self.EOS_TAG_ID] = 0.0 - self.transitions[self.PAD_TAG_ID, self.PAD_TAG_ID] = 0.0 - - def forward(self, - emissions: paddle.Tensor, - tags: paddle.Tensor, - mask: paddle.Tensor=None) -> paddle.Tensor: - """Compute the negative log-likelihood. See `log_likelihood` method.""" - nll = -self.log_likelihood(emissions, tags, mask=mask) - return nll - - def log_likelihood(self, emissions, tags, mask=None): - """Compute the probability of a sequence of tags given a sequence of - emissions scores. - - Args: - emissions (paddle.Tensor): Sequence of emissions for each label. - Shape of (batch_size, seq_len, nb_labels) if batch_first is True, - (seq_len, batch_size, nb_labels) otherwise. - tags (paddle.LongTensor): Sequence of labels. - Shape of (batch_size, seq_len) if batch_first is True, - (seq_len, batch_size) otherwise. - mask (paddle.FloatTensor, optional): Tensor representing valid positions. - If None, all positions are considered valid. - Shape of (batch_size, seq_len) if batch_first is True, - (seq_len, batch_size) otherwise. - - Returns: - paddle.Tensor: sum of the log-likelihoods for each sequence in the batch. - Shape of () - """ - # fix tensors order by setting batch as the first dimension - if not self.batch_first: - emissions = emissions.transpose(0, 1) - tags = tags.transpose(0, 1) - - if mask is None: - mask = paddle.ones(emissions.shape[:2], dtype=paddle.float) - - scores = self._compute_scores(emissions, tags, mask=mask) - partition = self._compute_log_partition(emissions, mask=mask) - return paddle.sum(scores - partition) - - def decode(self, emissions, mask=None): - """Find the most probable sequence of labels given the emissions using - the Viterbi algorithm. - - Args: - emissions (paddle.Tensor): Sequence of emissions for each label. - Shape (batch_size, seq_len, nb_labels) if batch_first is True, - (seq_len, batch_size, nb_labels) otherwise. - mask (paddle.FloatTensor, optional): Tensor representing valid positions. - If None, all positions are considered valid. - Shape (batch_size, seq_len) if batch_first is True, - (seq_len, batch_size) otherwise. - - Returns: - paddle.Tensor: the viterbi score for the for each batch. - Shape of (batch_size,) - list of lists: the best viterbi sequence of labels for each batch. [B, T] - """ - # fix tensors order by setting batch as the first dimension - if not self.batch_first: - emissions = emissions.transpose(0, 1) - tags = tags.transpose(0, 1) - - if mask is None: - mask = paddle.ones(emissions.shape[:2], dtype=paddle.float) - - scores, sequences = self._viterbi_decode(emissions, mask) - return scores, sequences - - def _compute_scores(self, emissions, tags, mask): - """Compute the scores for a given batch of emissions with their tags. - - Args: - emissions (paddle.Tensor): (batch_size, seq_len, nb_labels) - tags (Paddle.LongTensor): (batch_size, seq_len) - mask (Paddle.FloatTensor): (batch_size, seq_len) - - Returns: - paddle.Tensor: Scores for each batch. - Shape of (batch_size,) - """ - batch_size, seq_length = tags.shape - scores = paddle.zeros([batch_size]) - - # save first and last tags to be used later - first_tags = tags[:, 0] - last_valid_idx = mask.int().sum(1) - 1 - - # TODO(Hui Zhang): not support fancy index. - # last_tags = tags.gather(last_valid_idx.unsqueeze(1), axis=1).squeeze() - batch_idx = paddle.arange(batch_size, dtype=last_valid_idx.dtype) - gather_last_valid_idx = paddle.stack( - [batch_idx, last_valid_idx], axis=-1) - last_tags = tags.gather_nd(gather_last_valid_idx) - - # add the transition from BOS to the first tags for each batch - # t_scores = self.transitions[self.BOS_TAG_ID, first_tags] - t_scores = self.transitions[self.BOS_TAG_ID].gather(first_tags) - - # add the [unary] emission scores for the first tags for each batch - # for all batches, the first word, see the correspondent emissions - # for the first tags (which is a list of ids): - # emissions[:, 0, [tag_1, tag_2, ..., tag_nblabels]] - # e_scores = emissions[:, 0].gather(1, first_tags.unsqueeze(1)).squeeze() - gather_first_tags_idx = paddle.stack([batch_idx, first_tags], axis=-1) - e_scores = emissions[:, 0].gather_nd(gather_first_tags_idx) - - # the scores for a word is just the sum of both scores - scores += e_scores + t_scores - - # now lets do this for each remaining word - for i in range(1, seq_length): - - # we could: iterate over batches, check if we reached a mask symbol - # and stop the iteration, but vecotrizing is faster due to gpu, - # so instead we perform an element-wise multiplication - is_valid = mask[:, i] - - previous_tags = tags[:, i - 1] - current_tags = tags[:, i] - - # calculate emission and transition scores as we did before - # e_scores = emissions[:, i].gather(1, current_tags.unsqueeze(1)).squeeze() - gather_current_tags_idx = paddle.stack( - [batch_idx, current_tags], axis=-1) - e_scores = emissions[:, i].gather_nd(gather_current_tags_idx) - # t_scores = self.transitions[previous_tags, current_tags] - gather_transitions_idx = paddle.stack( - [previous_tags, current_tags], axis=-1) - t_scores = self.transitions.gather_nd(gather_transitions_idx) - - # apply the mask - e_scores = e_scores * is_valid - t_scores = t_scores * is_valid - - scores += e_scores + t_scores - - # add the transition from the end tag to the EOS tag for each batch - # scores += self.transitions[last_tags, self.EOS_TAG_ID] - scores += self.transitions.gather(last_tags)[:, self.EOS_TAG_ID] - - return scores - - def _compute_log_partition(self, emissions, mask): - """Compute the partition function in log-space using the forward-algorithm. - - Args: - emissions (paddle.Tensor): (batch_size, seq_len, nb_labels) - mask (Paddle.FloatTensor): (batch_size, seq_len) - - Returns: - paddle.Tensor: the partition scores for each batch. - Shape of (batch_size,) - """ - batch_size, seq_length, nb_labels = emissions.shape - - # in the first iteration, BOS will have all the scores - alphas = self.transitions[self.BOS_TAG_ID, :].unsqueeze( - 0) + emissions[:, 0] - - for i in range(1, seq_length): - # (bs, nb_labels) -> (bs, 1, nb_labels) - e_scores = emissions[:, i].unsqueeze(1) - - # (nb_labels, nb_labels) -> (bs, nb_labels, nb_labels) - t_scores = self.transitions.unsqueeze(0) - - # (bs, nb_labels) -> (bs, nb_labels, 1) - a_scores = alphas.unsqueeze(2) - - scores = e_scores + t_scores + a_scores - new_alphas = paddle.logsumexp(scores, axis=1) - - # set alphas if the mask is valid, otherwise keep the current values - is_valid = mask[:, i].unsqueeze(-1) - alphas = is_valid * new_alphas + (1 - is_valid) * alphas - - # add the scores for the final transition - last_transition = self.transitions[:, self.EOS_TAG_ID] - end_scores = alphas + last_transition.unsqueeze(0) - - # return a *log* of sums of exps - return paddle.logsumexp(end_scores, axis=1) - - def _viterbi_decode(self, emissions, mask): - """Compute the viterbi algorithm to find the most probable sequence of labels - given a sequence of emissions. - - Args: - emissions (paddle.Tensor): (batch_size, seq_len, nb_labels) - mask (Paddle.FloatTensor): (batch_size, seq_len) - - Returns: - paddle.Tensor: the viterbi score for the for each batch. - Shape of (batch_size,) - list of lists of ints: the best viterbi sequence of labels for each batch - """ - batch_size, seq_length, nb_labels = emissions.shape - - # in the first iteration, BOS will have all the scores and then, the max - alphas = self.transitions[self.BOS_TAG_ID, :].unsqueeze( - 0) + emissions[:, 0] - - backpointers = [] - - for i in range(1, seq_length): - # (bs, nb_labels) -> (bs, 1, nb_labels) - e_scores = emissions[:, i].unsqueeze(1) - - # (nb_labels, nb_labels) -> (bs, nb_labels, nb_labels) - t_scores = self.transitions.unsqueeze(0) - - # (bs, nb_labels) -> (bs, nb_labels, 1) - a_scores = alphas.unsqueeze(2) - - # combine current scores with previous alphas - scores = e_scores + t_scores + a_scores - - # so far is exactly like the forward algorithm, - # but now, instead of calculating the logsumexp, - # we will find the highest score and the tag associated with it - # max_scores, max_score_tags = paddle.max(scores, axis=1) - max_scores = paddle.max(scores, axis=1) - max_score_tags = paddle.argmax(scores, axis=1) - - # set alphas if the mask is valid, otherwise keep the current values - is_valid = mask[:, i].unsqueeze(-1) - alphas = is_valid * max_scores + (1 - is_valid) * alphas - - # add the max_score_tags for our list of backpointers - # max_scores has shape (batch_size, nb_labels) so we transpose it to - # be compatible with our previous loopy version of viterbi - backpointers.append(max_score_tags.t()) - - # add the scores for the final transition - last_transition = self.transitions[:, self.EOS_TAG_ID] - end_scores = alphas + last_transition.unsqueeze(0) - - # get the final most probable score and the final most probable tag - # max_final_scores, max_final_tags = paddle.max(end_scores, axis=1) - max_final_scores = paddle.max(end_scores, axis=1) - max_final_tags = paddle.argmax(end_scores, axis=1) - - # find the best sequence of labels for each sample in the batch - best_sequences = [] - emission_lengths = mask.int().sum(axis=1) - for i in range(batch_size): - - # recover the original sentence length for the i-th sample in the batch - sample_length = emission_lengths[i].item() - - # recover the max tag for the last timestep - sample_final_tag = max_final_tags[i].item() - - # limit the backpointers until the last but one - # since the last corresponds to the sample_final_tag - sample_backpointers = backpointers[:sample_length - 1] - - # follow the backpointers to build the sequence of labels - sample_path = self._find_best_path(i, sample_final_tag, - sample_backpointers) - - # add this path to the list of best sequences - best_sequences.append(sample_path) - - return max_final_scores, best_sequences - - def _find_best_path(self, sample_id, best_tag, backpointers): - """Auxiliary function to find the best path sequence for a specific sample. - - Args: - sample_id (int): sample index in the range [0, batch_size) - best_tag (int): tag which maximizes the final score - backpointers (list of lists of tensors): list of pointers with - shape (seq_len_i-1, nb_labels, batch_size) where seq_len_i - represents the length of the ith sample in the batch - - Returns: - list of ints: a list of tag indexes representing the bast path - """ - # add the final best_tag to our best path - best_path = [best_tag] - - # traverse the backpointers in backwards - for backpointers_t in reversed(backpointers): - - # recover the best_tag at this timestep - best_tag = backpointers_t[best_tag][sample_id].item() - - # append to the beginning of the list so we don't need to reverse it later - best_path.insert(0, best_tag) - - return best_path diff --git a/examples/transv1.8to2.x/deepspeech/modules/ctc.py b/examples/transv1.8to2.x/deepspeech/modules/ctc.py deleted file mode 100644 index 356910cef..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/ctc.py +++ /dev/null @@ -1,274 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import paddle -from paddle import nn -from paddle.nn import functional as F -from typeguard import check_argument_types - -from deepspeech.modules.loss import CTCLoss -from deepspeech.utils import ctc_utils -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -try: - from deepspeech.decoders.swig_wrapper import ctc_beam_search_decoder_batch # noqa: F401 - from deepspeech.decoders.swig_wrapper import ctc_greedy_decoder # noqa: F401 - from deepspeech.decoders.swig_wrapper import Scorer # noqa: F401 -except Exception as e: - logger.info("ctcdecoder not installed!") - -__all__ = ['CTCDecoder'] - - -class CTCDecoder(nn.Layer): - def __init__(self, - odim, - enc_n_units, - blank_id=0, - dropout_rate: float=0.0, - reduction: bool=True, - batch_average: bool=True): - """CTC decoder - - Args: - odim ([int]): text vocabulary size - enc_n_units ([int]): encoder output dimention - dropout_rate (float): dropout rate (0.0 ~ 1.0) - reduction (bool): reduce the CTC loss into a scalar, True for 'sum' or 'none' - batch_average (bool): do batch dim wise average. - grad_norm_type (str): one of 'instance', 'batchsize', 'frame', None. - """ - assert check_argument_types() - super().__init__() - - self.blank_id = blank_id - self.odim = odim - self.dropout_rate = dropout_rate - self.ctc_lo = nn.Linear(enc_n_units, self.odim) - reduction_type = "sum" if reduction else "none" - self.criterion = CTCLoss( - blank=self.blank_id, - reduction=reduction_type, - batch_average=batch_average) - - # CTCDecoder LM Score handle - self._ext_scorer = None - - def forward(self, hs_pad, hlens, ys_pad, ys_lens): - """Calculate CTC loss. - - Args: - hs_pad (Tensor): batch of padded hidden state sequences (B, Tmax, D) - hlens (Tensor): batch of lengths of hidden state sequences (B) - ys_pad (Tenosr): batch of padded character id sequence tensor (B, Lmax) - ys_lens (Tensor): batch of lengths of character sequence (B) - Returns: - loss (Tenosr): ctc loss value, scalar. - """ - logits = self.ctc_lo(F.dropout(hs_pad, p=self.dropout_rate)) - loss = self.criterion(logits, ys_pad, hlens, ys_lens) - return loss - - def softmax(self, eouts: paddle.Tensor, temperature: float=1.0): - """Get CTC probabilities. - Args: - eouts (FloatTensor): `[B, T, enc_units]` - Returns: - probs (FloatTensor): `[B, T, odim]` - """ - self.probs = F.softmax(self.ctc_lo(eouts) / temperature, axis=2) - return self.probs - - def log_softmax(self, hs_pad: paddle.Tensor, - temperature: float=1.0) -> paddle.Tensor: - """log_softmax of frame activations - Args: - Tensor hs_pad: 3d tensor (B, Tmax, eprojs) - Returns: - paddle.Tensor: log softmax applied 3d tensor (B, Tmax, odim) - """ - return F.log_softmax(self.ctc_lo(hs_pad) / temperature, axis=2) - - def argmax(self, hs_pad: paddle.Tensor) -> paddle.Tensor: - """argmax of frame activations - Args: - paddle.Tensor hs_pad: 3d tensor (B, Tmax, eprojs) - Returns: - paddle.Tensor: argmax applied 2d tensor (B, Tmax) - """ - return paddle.argmax(self.ctc_lo(hs_pad), dim=2) - - def forced_align(self, - ctc_probs: paddle.Tensor, - y: paddle.Tensor, - blank_id=0) -> list: - """ctc forced alignment. - Args: - ctc_probs (paddle.Tensor): hidden state sequence, 2d tensor (T, D) - y (paddle.Tensor): label id sequence tensor, 1d tensor (L) - blank_id (int): blank symbol index - Returns: - paddle.Tensor: best alignment result, (T). - """ - return ctc_utils.forced_align(ctc_probs, y, blank_id) - - def _decode_batch_greedy(self, probs_split, vocab_list): - """Decode by best path for a batch of probs matrix input. - :param probs_split: List of 2-D probability matrix, and each consists - of prob vectors for one speech utterancce. - :param probs_split: List of matrix - :param vocab_list: List of tokens in the vocabulary, for decoding. - :type vocab_list: list - :return: List of transcription texts. - :rtype: List of str - """ - results = [] - for i, probs in enumerate(probs_split): - output_transcription = ctc_greedy_decoder( - probs_seq=probs, vocabulary=vocab_list, blank_id=self.blank_id) - results.append(output_transcription) - return results - - def _init_ext_scorer(self, beam_alpha, beam_beta, language_model_path, - vocab_list): - """Initialize the external scorer. - :param beam_alpha: Parameter associated with language model. - :type beam_alpha: float - :param beam_beta: Parameter associated with word count. - :type beam_beta: float - :param language_model_path: Filepath for language model. If it is - empty, the external scorer will be set to - None, and the decoding method will be pure - beam search without scorer. - :type language_model_path: str|None - :param vocab_list: List of tokens in the vocabulary, for decoding. - :type vocab_list: list - """ - # init once - if self._ext_scorer is not None: - return - - if language_model_path != '': - logger.info("begin to initialize the external scorer " - "for decoding") - self._ext_scorer = Scorer(beam_alpha, beam_beta, - language_model_path, vocab_list) - lm_char_based = self._ext_scorer.is_character_based() - lm_max_order = self._ext_scorer.get_max_order() - lm_dict_size = self._ext_scorer.get_dict_size() - logger.info("language model: " - "is_character_based = %d," % lm_char_based + - " max_order = %d," % lm_max_order + " dict_size = %d" % - lm_dict_size) - logger.info("end initializing scorer") - else: - self._ext_scorer = None - logger.info("no language model provided, " - "decoding by pure beam search without scorer.") - - def _decode_batch_beam_search(self, probs_split, beam_alpha, beam_beta, - beam_size, cutoff_prob, cutoff_top_n, - vocab_list, num_processes): - """Decode by beam search for a batch of probs matrix input. - :param probs_split: List of 2-D probability matrix, and each consists - of prob vectors for one speech utterancce. - :param probs_split: List of matrix - :param beam_alpha: Parameter associated with language model. - :type beam_alpha: float - :param beam_beta: Parameter associated with word count. - :type beam_beta: float - :param beam_size: Width for Beam search. - :type beam_size: int - :param cutoff_prob: Cutoff probability in pruning, - default 1.0, no pruning. - :type cutoff_prob: float - :param cutoff_top_n: Cutoff number in pruning, only top cutoff_top_n - characters with highest probs in vocabulary will be - used in beam search, default 40. - :type cutoff_top_n: int - :param vocab_list: List of tokens in the vocabulary, for decoding. - :type vocab_list: list - :param num_processes: Number of processes (CPU) for decoder. - :type num_processes: int - :return: List of transcription texts. - :rtype: List of str - """ - if self._ext_scorer is not None: - self._ext_scorer.reset_params(beam_alpha, beam_beta) - - # beam search decode - num_processes = min(num_processes, len(probs_split)) - beam_search_results = ctc_beam_search_decoder_batch( - probs_split=probs_split, - vocabulary=vocab_list, - beam_size=beam_size, - num_processes=num_processes, - ext_scoring_func=self._ext_scorer, - cutoff_prob=cutoff_prob, - cutoff_top_n=cutoff_top_n, - blank_id=self.blank_id) - - results = [result[0][1] for result in beam_search_results] - return results - - def init_decode(self, beam_alpha, beam_beta, lang_model_path, vocab_list, - decoding_method): - - if decoding_method == "ctc_beam_search": - self._init_ext_scorer(beam_alpha, beam_beta, lang_model_path, - vocab_list) - - def decode_probs(self, probs, logits_lens, vocab_list, decoding_method, - lang_model_path, beam_alpha, beam_beta, beam_size, - cutoff_prob, cutoff_top_n, num_processes): - """ctc decoding with probs. - - Args: - probs (Tenosr): activation after softmax - logits_lens (Tenosr): audio output lens - vocab_list ([type]): [description] - decoding_method ([type]): [description] - lang_model_path ([type]): [description] - beam_alpha ([type]): [description] - beam_beta ([type]): [description] - beam_size ([type]): [description] - cutoff_prob ([type]): [description] - cutoff_top_n ([type]): [description] - num_processes ([type]): [description] - - Raises: - ValueError: when decoding_method not support. - - Returns: - List[str]: transcripts. - """ - - probs_split = [probs[i, :l, :] for i, l in enumerate(logits_lens)] - if decoding_method == "ctc_greedy": - result_transcripts = self._decode_batch_greedy( - probs_split=probs_split, vocab_list=vocab_list) - elif decoding_method == "ctc_beam_search": - result_transcripts = self._decode_batch_beam_search( - probs_split=probs_split, - beam_alpha=beam_alpha, - beam_beta=beam_beta, - beam_size=beam_size, - cutoff_prob=cutoff_prob, - cutoff_top_n=cutoff_top_n, - vocab_list=vocab_list, - num_processes=num_processes) - else: - raise ValueError(f"Not support: {decoding_method}") - return result_transcripts diff --git a/examples/transv1.8to2.x/deepspeech/modules/decoder.py b/examples/transv1.8to2.x/deepspeech/modules/decoder.py deleted file mode 100644 index 87c9fa492..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/decoder.py +++ /dev/null @@ -1,182 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Decoder definition.""" -from typing import List -from typing import Optional -from typing import Tuple - -import paddle -from paddle import nn -from typeguard import check_argument_types - -from deepspeech.modules.attention import MultiHeadedAttention -from deepspeech.modules.decoder_layer import DecoderLayer -from deepspeech.modules.embedding import PositionalEncoding -from deepspeech.modules.mask import make_non_pad_mask -from deepspeech.modules.mask import subsequent_mask -from deepspeech.modules.positionwise_feed_forward import PositionwiseFeedForward -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ["TransformerDecoder"] - - -class TransformerDecoder(nn.Layer): - """Base class of Transfomer decoder module. - Args: - vocab_size: output dim - encoder_output_size: dimension of attention - attention_heads: the number of heads of multi head attention - linear_units: the hidden units number of position-wise feedforward - num_blocks: the number of decoder blocks - dropout_rate: dropout rate - self_attention_dropout_rate: dropout rate for attention - input_layer: input layer type, `embed` - use_output_layer: whether to use output layer - pos_enc_class: PositionalEncoding module - normalize_before: - True: use layer_norm before each sub-block of a layer. - False: use layer_norm after each sub-block of a layer. - concat_after: whether to concat attention layer's input and output - True: x -> x + linear(concat(x, att(x))) - False: x -> x + att(x) - """ - - def __init__( - self, - vocab_size: int, - encoder_output_size: int, - attention_heads: int=4, - linear_units: int=2048, - num_blocks: int=6, - dropout_rate: float=0.1, - positional_dropout_rate: float=0.1, - self_attention_dropout_rate: float=0.0, - src_attention_dropout_rate: float=0.0, - input_layer: str="embed", - use_output_layer: bool=True, - normalize_before: bool=True, - concat_after: bool=False, ): - - assert check_argument_types() - super().__init__() - attention_dim = encoder_output_size - - if input_layer == "embed": - self.embed = nn.Sequential( - nn.Embedding(vocab_size, attention_dim), - PositionalEncoding(attention_dim, positional_dropout_rate), ) - else: - raise ValueError(f"only 'embed' is supported: {input_layer}") - - self.normalize_before = normalize_before - self.after_norm = nn.LayerNorm(attention_dim, epsilon=1e-12) - self.use_output_layer = use_output_layer - self.output_layer = nn.Linear(attention_dim, vocab_size) - - self.decoders = nn.LayerList([ - DecoderLayer( - size=attention_dim, - self_attn=MultiHeadedAttention(attention_heads, attention_dim, - self_attention_dropout_rate), - src_attn=MultiHeadedAttention(attention_heads, attention_dim, - src_attention_dropout_rate), - feed_forward=PositionwiseFeedForward( - attention_dim, linear_units, dropout_rate), - dropout_rate=dropout_rate, - normalize_before=normalize_before, - concat_after=concat_after, ) for _ in range(num_blocks) - ]) - - def forward( - self, - memory: paddle.Tensor, - memory_mask: paddle.Tensor, - ys_in_pad: paddle.Tensor, - ys_in_lens: paddle.Tensor, ) -> Tuple[paddle.Tensor, paddle.Tensor]: - """Forward decoder. - Args: - memory: encoded memory, float32 (batch, maxlen_in, feat) - memory_mask: encoder memory mask, (batch, 1, maxlen_in) - ys_in_pad: padded input token ids, int64 (batch, maxlen_out) - ys_in_lens: input lengths of this batch (batch) - Returns: - (tuple): tuple containing: - x: decoded token score before softmax (batch, maxlen_out, vocab_size) - if use_output_layer is True, - olens: (batch, ) - """ - tgt = ys_in_pad - # tgt_mask: (B, 1, L) - tgt_mask = (make_non_pad_mask(ys_in_lens).unsqueeze(1)) - # m: (1, L, L) - m = subsequent_mask(tgt_mask.size(-1)).unsqueeze(0) - # tgt_mask: (B, L, L) - # TODO(Hui Zhang): not support & for tensor - # tgt_mask = tgt_mask & m - tgt_mask = tgt_mask.logical_and(m) - - x, _ = self.embed(tgt) - for layer in self.decoders: - x, tgt_mask, memory, memory_mask = layer(x, tgt_mask, memory, - memory_mask) - if self.normalize_before: - x = self.after_norm(x) - if self.use_output_layer: - x = self.output_layer(x) - - # TODO(Hui Zhang): reduce_sum not support bool type - # olens = tgt_mask.sum(1) - olens = tgt_mask.astype(paddle.int).sum(1) - return x, olens - - def forward_one_step( - self, - memory: paddle.Tensor, - memory_mask: paddle.Tensor, - tgt: paddle.Tensor, - tgt_mask: paddle.Tensor, - cache: Optional[List[paddle.Tensor]]=None, - ) -> Tuple[paddle.Tensor, List[paddle.Tensor]]: - """Forward one step. - This is only used for decoding. - Args: - memory: encoded memory, float32 (batch, maxlen_in, feat) - memory_mask: encoded memory mask, (batch, 1, maxlen_in) - tgt: input token ids, int64 (batch, maxlen_out) - tgt_mask: input token mask, (batch, maxlen_out, maxlen_out) - dtype=paddle.bool - cache: cached output list of (batch, max_time_out-1, size) - Returns: - y, cache: NN output value and cache per `self.decoders`. - y.shape` is (batch, token) - """ - x, _ = self.embed(tgt) - new_cache = [] - for i, decoder in enumerate(self.decoders): - if cache is None: - c = None - else: - c = cache[i] - x, tgt_mask, memory, memory_mask = decoder( - x, tgt_mask, memory, memory_mask, cache=c) - new_cache.append(x) - if self.normalize_before: - y = self.after_norm(x[:, -1]) - else: - y = x[:, -1] - if self.use_output_layer: - y = paddle.log_softmax(self.output_layer(y), axis=-1) - return y, new_cache diff --git a/examples/transv1.8to2.x/deepspeech/modules/decoder_layer.py b/examples/transv1.8to2.x/deepspeech/modules/decoder_layer.py deleted file mode 100644 index 47c42615e..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/decoder_layer.py +++ /dev/null @@ -1,151 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Decoder self-attention layer definition.""" -from typing import Optional -from typing import Tuple - -import paddle -from paddle import nn - -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ["DecoderLayer"] - - -class DecoderLayer(nn.Layer): - """Single decoder layer module. - Args: - size (int): Input dimension. - self_attn (nn.Layer): Self-attention module instance. - `MultiHeadedAttention` instance can be used as the argument. - src_attn (nn.Layer): Self-attention module instance. - `MultiHeadedAttention` instance can be used as the argument. - feed_forward (nn.Layer): Feed-forward module instance. - `PositionwiseFeedForward` instance can be used as the argument. - dropout_rate (float): Dropout rate. - normalize_before (bool): - True: use layer_norm before each sub-block. - False: to use layer_norm after each sub-block. - concat_after (bool): Whether to concat attention layer's input - and output. - True: x -> x + linear(concat(x, att(x))) - False: x -> x + att(x) - """ - - def __init__( - self, - size: int, - self_attn: nn.Layer, - src_attn: nn.Layer, - feed_forward: nn.Layer, - dropout_rate: float, - normalize_before: bool=True, - concat_after: bool=False, ): - """Construct an DecoderLayer object.""" - super().__init__() - self.size = size - self.self_attn = self_attn - self.src_attn = src_attn - self.feed_forward = feed_forward - self.norm1 = nn.LayerNorm(size, epsilon=1e-12) - self.norm2 = nn.LayerNorm(size, epsilon=1e-12) - self.norm3 = nn.LayerNorm(size, epsilon=1e-12) - self.dropout = nn.Dropout(dropout_rate) - self.normalize_before = normalize_before - self.concat_after = concat_after - self.concat_linear1 = nn.Linear(size + size, size) - self.concat_linear2 = nn.Linear(size + size, size) - - def forward( - self, - tgt: paddle.Tensor, - tgt_mask: paddle.Tensor, - memory: paddle.Tensor, - memory_mask: paddle.Tensor, - cache: Optional[paddle.Tensor]=None - ) -> Tuple[paddle.Tensor, paddle.Tensor, paddle.Tensor, paddle.Tensor]: - """Compute decoded features. - Args: - tgt (paddle.Tensor): Input tensor (#batch, maxlen_out, size). - tgt_mask (paddle.Tensor): Mask for input tensor - (#batch, maxlen_out). - memory (paddle.Tensor): Encoded memory - (#batch, maxlen_in, size). - memory_mask (paddle.Tensor): Encoded memory mask - (#batch, maxlen_in). - cache (paddle.Tensor): cached tensors. - (#batch, maxlen_out - 1, size). - Returns: - paddle.Tensor: Output tensor (#batch, maxlen_out, size). - paddle.Tensor: Mask for output tensor (#batch, maxlen_out). - paddle.Tensor: Encoded memory (#batch, maxlen_in, size). - paddle.Tensor: Encoded memory mask (#batch, maxlen_in). - """ - residual = tgt - if self.normalize_before: - tgt = self.norm1(tgt) - - if cache is None: - tgt_q = tgt - tgt_q_mask = tgt_mask - else: - # compute only the last frame query keeping dim: max_time_out -> 1 - assert cache.shape == [ - tgt.shape[0], - tgt.shape[1] - 1, - self.size, - ], f"{cache.shape} == {[tgt.shape[0], tgt.shape[1] - 1, self.size]}" - tgt_q = tgt[:, -1:, :] - residual = residual[:, -1:, :] - # TODO(Hui Zhang): slice not support bool type - # tgt_q_mask = tgt_mask[:, -1:, :] - tgt_q_mask = tgt_mask.cast(paddle.int64)[:, -1:, :].cast( - paddle.bool) - - if self.concat_after: - tgt_concat = paddle.cat( - (tgt_q, self.self_attn(tgt_q, tgt, tgt, tgt_q_mask)), dim=-1) - x = residual + self.concat_linear1(tgt_concat) - else: - x = residual + self.dropout( - self.self_attn(tgt_q, tgt, tgt, tgt_q_mask)) - if not self.normalize_before: - x = self.norm1(x) - - residual = x - if self.normalize_before: - x = self.norm2(x) - if self.concat_after: - x_concat = paddle.cat( - (x, self.src_attn(x, memory, memory, memory_mask)), dim=-1) - x = residual + self.concat_linear2(x_concat) - else: - x = residual + self.dropout( - self.src_attn(x, memory, memory, memory_mask)) - if not self.normalize_before: - x = self.norm2(x) - - residual = x - if self.normalize_before: - x = self.norm3(x) - x = residual + self.dropout(self.feed_forward(x)) - if not self.normalize_before: - x = self.norm3(x) - - if cache is not None: - x = paddle.cat([cache, x], dim=1) - - return x, tgt_mask, memory, memory_mask diff --git a/examples/transv1.8to2.x/deepspeech/modules/encoder.py b/examples/transv1.8to2.x/deepspeech/modules/encoder.py deleted file mode 100644 index 71ec61a0e..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/encoder.py +++ /dev/null @@ -1,453 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Encoder definition.""" -from typing import List -from typing import Optional -from typing import Tuple - -import paddle -from paddle import nn -from typeguard import check_argument_types - -from deepspeech.modules.activation import get_activation -from deepspeech.modules.attention import MultiHeadedAttention -from deepspeech.modules.attention import RelPositionMultiHeadedAttention -from deepspeech.modules.conformer_convolution import ConvolutionModule -from deepspeech.modules.embedding import PositionalEncoding -from deepspeech.modules.embedding import RelPositionalEncoding -from deepspeech.modules.encoder_layer import ConformerEncoderLayer -from deepspeech.modules.encoder_layer import TransformerEncoderLayer -from deepspeech.modules.mask import add_optional_chunk_mask -from deepspeech.modules.mask import make_non_pad_mask -from deepspeech.modules.positionwise_feed_forward import PositionwiseFeedForward -from deepspeech.modules.subsampling import Conv2dSubsampling4 -from deepspeech.modules.subsampling import Conv2dSubsampling6 -from deepspeech.modules.subsampling import Conv2dSubsampling8 -from deepspeech.modules.subsampling import LinearNoSubsampling -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ["BaseEncoder", 'TransformerEncoder', "ConformerEncoder"] - - -class BaseEncoder(nn.Layer): - def __init__( - self, - input_size: int, - output_size: int=256, - attention_heads: int=4, - linear_units: int=2048, - num_blocks: int=6, - dropout_rate: float=0.1, - positional_dropout_rate: float=0.1, - attention_dropout_rate: float=0.0, - input_layer: str="conv2d", - pos_enc_layer_type: str="abs_pos", - normalize_before: bool=True, - concat_after: bool=False, - static_chunk_size: int=0, - use_dynamic_chunk: bool=False, - global_cmvn: paddle.nn.Layer=None, - use_dynamic_left_chunk: bool=False, ): - """ - Args: - input_size (int): input dim, d_feature - output_size (int): dimension of attention, d_model - attention_heads (int): the number of heads of multi head attention - linear_units (int): the hidden units number of position-wise feed - forward - num_blocks (int): the number of encoder blocks - dropout_rate (float): dropout rate - attention_dropout_rate (float): dropout rate in attention - positional_dropout_rate (float): dropout rate after adding - positional encoding - input_layer (str): input layer type. - optional [linear, conv2d, conv2d6, conv2d8] - pos_enc_layer_type (str): Encoder positional encoding layer type. - opitonal [abs_pos, scaled_abs_pos, rel_pos] - normalize_before (bool): - True: use layer_norm before each sub-block of a layer. - False: use layer_norm after each sub-block of a layer. - concat_after (bool): whether to concat attention layer's input - and output. - True: x -> x + linear(concat(x, att(x))) - False: x -> x + att(x) - static_chunk_size (int): chunk size for static chunk training and - decoding - use_dynamic_chunk (bool): whether use dynamic chunk size for - training or not, You can only use fixed chunk(chunk_size > 0) - or dyanmic chunk size(use_dynamic_chunk = True) - global_cmvn (Optional[paddle.nn.Layer]): Optional GlobalCMVN layer - use_dynamic_left_chunk (bool): whether use dynamic left chunk in - dynamic chunk training - """ - assert check_argument_types() - super().__init__() - self._output_size = output_size - - if pos_enc_layer_type == "abs_pos": - pos_enc_class = PositionalEncoding - elif pos_enc_layer_type == "rel_pos": - pos_enc_class = RelPositionalEncoding - else: - raise ValueError("unknown pos_enc_layer: " + pos_enc_layer_type) - - if input_layer == "linear": - subsampling_class = LinearNoSubsampling - elif input_layer == "conv2d": - subsampling_class = Conv2dSubsampling4 - elif input_layer == "conv2d6": - subsampling_class = Conv2dSubsampling6 - elif input_layer == "conv2d8": - subsampling_class = Conv2dSubsampling8 - else: - raise ValueError("unknown input_layer: " + input_layer) - - self.global_cmvn = global_cmvn - self.embed = subsampling_class( - idim=input_size, - odim=output_size, - dropout_rate=dropout_rate, - pos_enc_class=pos_enc_class( - d_model=output_size, dropout_rate=positional_dropout_rate), ) - - self.normalize_before = normalize_before - self.after_norm = nn.LayerNorm(output_size, epsilon=1e-12) - self.static_chunk_size = static_chunk_size - self.use_dynamic_chunk = use_dynamic_chunk - self.use_dynamic_left_chunk = use_dynamic_left_chunk - - def output_size(self) -> int: - return self._output_size - - def forward( - self, - xs: paddle.Tensor, - xs_lens: paddle.Tensor, - decoding_chunk_size: int=0, - num_decoding_left_chunks: int=-1, - ) -> Tuple[paddle.Tensor, paddle.Tensor]: - """Embed positions in tensor. - Args: - xs: padded input tensor (B, L, D) - xs_lens: input length (B) - decoding_chunk_size: decoding chunk size for dynamic chunk - 0: default for training, use random dynamic chunk. - <0: for decoding, use full chunk. - >0: for decoding, use fixed chunk size as set. - num_decoding_left_chunks: number of left chunks, this is for decoding, - the chunk size is decoding_chunk_size. - >=0: use num_decoding_left_chunks - <0: use all left chunks - Returns: - encoder output tensor, lens and mask - """ - masks = make_non_pad_mask(xs_lens).unsqueeze(1) # (B, 1, L) - - if self.global_cmvn is not None: - xs = self.global_cmvn(xs) - #TODO(Hui Zhang): self.embed(xs, masks, offset=0), stride_slice not support bool tensor - xs, pos_emb, masks = self.embed(xs, masks.type_as(xs), offset=0) - #TODO(Hui Zhang): remove mask.astype, stride_slice not support bool tensor - masks = masks.astype(paddle.bool) - #TODO(Hui Zhang): mask_pad = ~masks - mask_pad = masks.logical_not() - chunk_masks = add_optional_chunk_mask( - xs, masks, self.use_dynamic_chunk, self.use_dynamic_left_chunk, - decoding_chunk_size, self.static_chunk_size, - num_decoding_left_chunks) - for layer in self.encoders: - xs, chunk_masks, _ = layer(xs, chunk_masks, pos_emb, mask_pad) - if self.normalize_before: - xs = self.after_norm(xs) - # Here we assume the mask is not changed in encoder layers, so just - # return the masks before encoder layers, and the masks will be used - # for cross attention with decoder later - return xs, masks - - def forward_chunk( - self, - xs: paddle.Tensor, - offset: int, - required_cache_size: int, - subsampling_cache: Optional[paddle.Tensor]=None, - elayers_output_cache: Optional[List[paddle.Tensor]]=None, - conformer_cnn_cache: Optional[List[paddle.Tensor]]=None, - ) -> Tuple[paddle.Tensor, paddle.Tensor, List[paddle.Tensor], List[ - paddle.Tensor]]: - """ Forward just one chunk - Args: - xs (paddle.Tensor): chunk input, [B=1, T, D] - offset (int): current offset in encoder output time stamp - required_cache_size (int): cache size required for next chunk - compuation - >=0: actual cache size - <0: means all history cache is required - subsampling_cache (Optional[paddle.Tensor]): subsampling cache - elayers_output_cache (Optional[List[paddle.Tensor]]): - transformer/conformer encoder layers output cache - conformer_cnn_cache (Optional[List[paddle.Tensor]]): conformer - cnn cache - Returns: - paddle.Tensor: output of current input xs - paddle.Tensor: subsampling cache required for next chunk computation - List[paddle.Tensor]: encoder layers output cache required for next - chunk computation - List[paddle.Tensor]: conformer cnn cache - """ - assert xs.size(0) == 1 # batch size must be one - # tmp_masks is just for interface compatibility - # TODO(Hui Zhang): stride_slice not support bool tensor - # tmp_masks = paddle.ones([1, xs.size(1)], dtype=paddle.bool) - tmp_masks = paddle.ones([1, xs.size(1)], dtype=paddle.int32) - tmp_masks = tmp_masks.unsqueeze(1) #[B=1, C=1, T] - - if self.global_cmvn is not None: - xs = self.global_cmvn(xs) - - xs, pos_emb, _ = self.embed( - xs, tmp_masks, offset=offset) #xs=(B, T, D), pos_emb=(B=1, T, D) - - if subsampling_cache is not None: - cache_size = subsampling_cache.size(1) #T - xs = paddle.cat((subsampling_cache, xs), dim=1) - else: - cache_size = 0 - - # only used when using `RelPositionMultiHeadedAttention` - pos_emb = self.embed.position_encoding( - offset=offset - cache_size, size=xs.size(1)) - - if required_cache_size < 0: - next_cache_start = 0 - elif required_cache_size == 0: - next_cache_start = xs.size(1) - else: - next_cache_start = xs.size(1) - required_cache_size - r_subsampling_cache = xs[:, next_cache_start:, :] - - # Real mask for transformer/conformer layers - masks = paddle.ones([1, xs.size(1)], dtype=paddle.bool) - masks = masks.unsqueeze(1) #[B=1, L'=1, T] - r_elayers_output_cache = [] - r_conformer_cnn_cache = [] - for i, layer in enumerate(self.encoders): - attn_cache = None if elayers_output_cache is None else elayers_output_cache[ - i] - cnn_cache = None if conformer_cnn_cache is None else conformer_cnn_cache[ - i] - xs, _, new_cnn_cache = layer( - xs, - masks, - pos_emb, - output_cache=attn_cache, - cnn_cache=cnn_cache) - r_elayers_output_cache.append(xs[:, next_cache_start:, :]) - r_conformer_cnn_cache.append(new_cnn_cache) - if self.normalize_before: - xs = self.after_norm(xs) - - return (xs[:, cache_size:, :], r_subsampling_cache, - r_elayers_output_cache, r_conformer_cnn_cache) - - def forward_chunk_by_chunk( - self, - xs: paddle.Tensor, - decoding_chunk_size: int, - num_decoding_left_chunks: int=-1, - ) -> Tuple[paddle.Tensor, paddle.Tensor]: - """ Forward input chunk by chunk with chunk_size like a streaming - fashion - Here we should pay special attention to computation cache in the - streaming style forward chunk by chunk. Three things should be taken - into account for computation in the current network: - 1. transformer/conformer encoder layers output cache - 2. convolution in conformer - 3. convolution in subsampling - However, we don't implement subsampling cache for: - 1. We can control subsampling module to output the right result by - overlapping input instead of cache left context, even though it - wastes some computation, but subsampling only takes a very - small fraction of computation in the whole model. - 2. Typically, there are several covolution layers with subsampling - in subsampling module, it is tricky and complicated to do cache - with different convolution layers with different subsampling - rate. - 3. Currently, nn.Sequential is used to stack all the convolution - layers in subsampling, we need to rewrite it to make it work - with cache, which is not prefered. - Args: - xs (paddle.Tensor): (1, max_len, dim) - chunk_size (int): decoding chunk size. - num_left_chunks (int): decoding with num left chunks. - """ - assert decoding_chunk_size > 0 - # The model is trained by static or dynamic chunk - assert self.static_chunk_size > 0 or self.use_dynamic_chunk - - # feature stride and window for `subsampling` module - subsampling = self.embed.subsampling_rate - context = self.embed.right_context + 1 # Add current frame - stride = subsampling * decoding_chunk_size - decoding_window = (decoding_chunk_size - 1) * subsampling + context - - num_frames = xs.size(1) - required_cache_size = decoding_chunk_size * num_decoding_left_chunks - subsampling_cache: Optional[paddle.Tensor] = None - elayers_output_cache: Optional[List[paddle.Tensor]] = None - conformer_cnn_cache: Optional[List[paddle.Tensor]] = None - outputs = [] - offset = 0 - # Feed forward overlap input step by step - for cur in range(0, num_frames - context + 1, stride): - end = min(cur + decoding_window, num_frames) - chunk_xs = xs[:, cur:end, :] - (y, subsampling_cache, elayers_output_cache, - conformer_cnn_cache) = self.forward_chunk( - chunk_xs, offset, required_cache_size, subsampling_cache, - elayers_output_cache, conformer_cnn_cache) - outputs.append(y) - offset += y.size(1) - ys = paddle.cat(outputs, 1) - # fake mask, just for jit script and compatibility with `forward` api - masks = paddle.ones([1, ys.size(1)], dtype=paddle.bool) - masks = masks.unsqueeze(1) - return ys, masks - - -class TransformerEncoder(BaseEncoder): - """Transformer encoder module.""" - - def __init__( - self, - input_size: int, - output_size: int=256, - attention_heads: int=4, - linear_units: int=2048, - num_blocks: int=6, - dropout_rate: float=0.1, - positional_dropout_rate: float=0.1, - attention_dropout_rate: float=0.0, - input_layer: str="conv2d", - pos_enc_layer_type: str="abs_pos", - normalize_before: bool=True, - concat_after: bool=False, - static_chunk_size: int=0, - use_dynamic_chunk: bool=False, - global_cmvn: nn.Layer=None, - use_dynamic_left_chunk: bool=False, ): - """ Construct TransformerEncoder - See Encoder for the meaning of each parameter. - """ - assert check_argument_types() - super().__init__(input_size, output_size, attention_heads, linear_units, - num_blocks, dropout_rate, positional_dropout_rate, - attention_dropout_rate, input_layer, - pos_enc_layer_type, normalize_before, concat_after, - static_chunk_size, use_dynamic_chunk, global_cmvn, - use_dynamic_left_chunk) - self.encoders = nn.LayerList([ - TransformerEncoderLayer( - size=output_size, - self_attn=MultiHeadedAttention(attention_heads, output_size, - attention_dropout_rate), - feed_forward=PositionwiseFeedForward(output_size, linear_units, - dropout_rate), - dropout_rate=dropout_rate, - normalize_before=normalize_before, - concat_after=concat_after) for _ in range(num_blocks) - ]) - - -class ConformerEncoder(BaseEncoder): - """Conformer encoder module.""" - - def __init__( - self, - input_size: int, - output_size: int=256, - attention_heads: int=4, - linear_units: int=2048, - num_blocks: int=6, - dropout_rate: float=0.1, - positional_dropout_rate: float=0.1, - attention_dropout_rate: float=0.0, - input_layer: str="conv2d", - pos_enc_layer_type: str="rel_pos", - normalize_before: bool=True, - concat_after: bool=False, - static_chunk_size: int=0, - use_dynamic_chunk: bool=False, - global_cmvn: nn.Layer=None, - use_dynamic_left_chunk: bool=False, - positionwise_conv_kernel_size: int=1, - macaron_style: bool=True, - selfattention_layer_type: str="rel_selfattn", - activation_type: str="swish", - use_cnn_module: bool=True, - cnn_module_kernel: int=15, - causal: bool=False, - cnn_module_norm: str="batch_norm", ): - """Construct ConformerEncoder - Args: - input_size to use_dynamic_chunk, see in BaseEncoder - positionwise_conv_kernel_size (int): Kernel size of positionwise - conv1d layer. - macaron_style (bool): Whether to use macaron style for - positionwise layer. - selfattention_layer_type (str): Encoder attention layer type, - the parameter has no effect now, it's just for configure - compatibility. - activation_type (str): Encoder activation function type. - use_cnn_module (bool): Whether to use convolution module. - cnn_module_kernel (int): Kernel size of convolution module. - causal (bool): whether to use causal convolution or not. - cnn_module_norm (str): cnn conv norm type, Optional['batch_norm','layer_norm'] - """ - assert check_argument_types() - super().__init__(input_size, output_size, attention_heads, linear_units, - num_blocks, dropout_rate, positional_dropout_rate, - attention_dropout_rate, input_layer, - pos_enc_layer_type, normalize_before, concat_after, - static_chunk_size, use_dynamic_chunk, global_cmvn, - use_dynamic_left_chunk) - activation = get_activation(activation_type) - - # self-attention module definition - encoder_selfattn_layer = RelPositionMultiHeadedAttention - encoder_selfattn_layer_args = (attention_heads, output_size, - attention_dropout_rate) - # feed-forward module definition - positionwise_layer = PositionwiseFeedForward - positionwise_layer_args = (output_size, linear_units, dropout_rate, - activation) - # convolution module definition - convolution_layer = ConvolutionModule - convolution_layer_args = (output_size, cnn_module_kernel, activation, - cnn_module_norm, causal) - - self.encoders = nn.LayerList([ - ConformerEncoderLayer( - size=output_size, - self_attn=encoder_selfattn_layer(*encoder_selfattn_layer_args), - feed_forward=positionwise_layer(*positionwise_layer_args), - feed_forward_macaron=positionwise_layer( - *positionwise_layer_args) if macaron_style else None, - conv_module=convolution_layer(*convolution_layer_args) - if use_cnn_module else None, - dropout_rate=dropout_rate, - normalize_before=normalize_before, - concat_after=concat_after) for _ in range(num_blocks) - ]) diff --git a/examples/transv1.8to2.x/deepspeech/modules/loss.py b/examples/transv1.8to2.x/deepspeech/modules/loss.py deleted file mode 100644 index 8918ca669..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/loss.py +++ /dev/null @@ -1,144 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import paddle -from paddle import nn -from paddle.nn import functional as F - -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ['CTCLoss', "LabelSmoothingLoss"] - - -class CTCLoss(nn.Layer): - def __init__(self, blank=0, reduction='sum', batch_average=False): - super().__init__() - # last token id as blank id - self.loss = nn.CTCLoss(blank=blank, reduction=reduction) - self.batch_average = batch_average - - def forward(self, logits, ys_pad, hlens, ys_lens): - """Compute CTC loss. - - Args: - logits ([paddle.Tensor]): [B, Tmax, D] - ys_pad ([paddle.Tensor]): [B, Tmax] - hlens ([paddle.Tensor]): [B] - ys_lens ([paddle.Tensor]): [B] - - Returns: - [paddle.Tensor]: scalar. If reduction is 'none', then (N), where N = \text{batch size}. - """ - B = paddle.shape(logits)[0] - # warp-ctc need logits, and do softmax on logits by itself - # warp-ctc need activation with shape [T, B, V + 1] - # logits: (B, L, D) -> (L, B, D) - logits = logits.transpose([1, 0, 2]) - # (TODO:Hui Zhang) ctc loss does not support int64 labels - ys_pad = ys_pad.astype(paddle.int32) - loss = self.loss( - logits, ys_pad, hlens, ys_lens, norm_by_times=self.batch_average) - if self.batch_average: - # Batch-size average - loss = loss / B - return loss - - -class LabelSmoothingLoss(nn.Layer): - """Label-smoothing loss. - In a standard CE loss, the label's data distribution is: - [0,1,2] -> - [ - [1.0, 0.0, 0.0], - [0.0, 1.0, 0.0], - [0.0, 0.0, 1.0], - ] - In the smoothing version CE Loss,some probabilities - are taken from the true label prob (1.0) and are divided - among other labels. - e.g. - smoothing=0.1 - [0,1,2] -> - [ - [0.9, 0.05, 0.05], - [0.05, 0.9, 0.05], - [0.05, 0.05, 0.9], - ] - - """ - - def __init__(self, - size: int, - padding_idx: int, - smoothing: float, - normalize_length: bool=False): - """Label-smoothing loss. - - Args: - size (int): the number of class - padding_idx (int): padding class id which will be ignored for loss - smoothing (float): smoothing rate (0.0 means the conventional CE) - normalize_length (bool): - True, normalize loss by sequence length; - False, normalize loss by batch size. - Defaults to False. - """ - super().__init__() - self.size = size - self.padding_idx = padding_idx - self.smoothing = smoothing - self.confidence = 1.0 - smoothing - self.normalize_length = normalize_length - self.criterion = nn.KLDivLoss(reduction="none") - - def forward(self, x: paddle.Tensor, target: paddle.Tensor) -> paddle.Tensor: - """Compute loss between x and target. - The model outputs and data labels tensors are flatten to - (batch*seqlen, class) shape and a mask is applied to the - padding part which should not be calculated for loss. - - Args: - x (paddle.Tensor): prediction (batch, seqlen, class) - target (paddle.Tensor): - target signal masked with self.padding_id (batch, seqlen) - Returns: - loss (paddle.Tensor) : The KL loss, scalar float value - """ - B, T, D = paddle.shape(x) - assert D == self.size - x = x.reshape((-1, self.size)) - target = target.reshape([-1]) - - # use zeros_like instead of torch.no_grad() for true_dist, - # since no_grad() can not be exported by JIT - true_dist = paddle.full_like(x, self.smoothing / (self.size - 1)) - ignore = target == self.padding_idx # (B,) - - # target = target * (1 - ignore) # avoid -1 index - target = target.masked_fill(ignore, 0) # avoid -1 index - # true_dist.scatter_(1, target.unsqueeze(1), self.confidence) - target_mask = F.one_hot(target, self.size) - true_dist *= (1 - target_mask) - true_dist += target_mask * self.confidence - - kl = self.criterion(F.log_softmax(x, axis=1), true_dist) - - #TODO(Hui Zhang): sum not support bool type - #total = len(target) - int(ignore.sum()) - total = len(target) - int(ignore.type_as(target).sum()) - denom = total if self.normalize_length else B - #numer = (kl * (1 - ignore)).sum() - numer = kl.masked_fill(ignore.unsqueeze(1), 0).sum() - return numer / denom diff --git a/examples/transv1.8to2.x/deepspeech/modules/mask.py b/examples/transv1.8to2.x/deepspeech/modules/mask.py deleted file mode 100644 index 05e86eb33..000000000 --- a/examples/transv1.8to2.x/deepspeech/modules/mask.py +++ /dev/null @@ -1,260 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import paddle - -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = [ - "make_pad_mask", "make_non_pad_mask", "subsequent_mask", - "subsequent_chunk_mask", "add_optional_chunk_mask", "mask_finished_scores", - "mask_finished_preds" -] - - -def make_pad_mask(lengths: paddle.Tensor) -> paddle.Tensor: - """Make mask tensor containing indices of padded part. - See description of make_non_pad_mask. - Args: - lengths (paddle.Tensor): Batch of lengths (B,). - Returns: - paddle.Tensor: Mask tensor containing indices of padded part. - Examples: - >>> lengths = [5, 3, 2] - >>> make_pad_mask(lengths) - masks = [[0, 0, 0, 0 ,0], - [0, 0, 0, 1, 1], - [0, 0, 1, 1, 1]] - """ - # (TODO: Hui Zhang): jit not support Tenosr.dim() and Tensor.ndim - # assert lengths.dim() == 1 - batch_size = int(lengths.shape[0]) - max_len = int(lengths.max()) - seq_range = paddle.arange(0, max_len, dtype=paddle.int64) - seq_range_expand = seq_range.unsqueeze(0).expand([batch_size, max_len]) - seq_length_expand = lengths.unsqueeze(-1) - mask = seq_range_expand >= seq_length_expand - return mask - - -def make_non_pad_mask(lengths: paddle.Tensor) -> paddle.Tensor: - """Make mask tensor containing indices of non-padded part. - The sequences in a batch may have different lengths. To enable - batch computing, padding is need to make all sequence in same - size. To avoid the padding part pass value to context dependent - block such as attention or convolution , this padding part is - masked. - This pad_mask is used in both encoder and decoder. - 1 for non-padded part and 0 for padded part. - Args: - lengths (paddle.Tensor): Batch of lengths (B,). - Returns: - paddle.Tensor: mask tensor containing indices of padded part. - Examples: - >>> lengths = [5, 3, 2] - >>> make_non_pad_mask(lengths) - masks = [[1, 1, 1, 1 ,1], - [1, 1, 1, 0, 0], - [1, 1, 0, 0, 0]] - """ - #TODO(Hui Zhang): return ~make_pad_mask(lengths), not support ~ - return make_pad_mask(lengths).logical_not() - - -def subsequent_mask(size: int) -> paddle.Tensor: - """Create mask for subsequent steps (size, size). - This mask is used only in decoder which works in an auto-regressive mode. - This means the current step could only do attention with its left steps. - In encoder, fully attention is used when streaming is not necessary and - the sequence is not long. In this case, no attention mask is needed. - When streaming is need, chunk-based attention is used in encoder. See - subsequent_chunk_mask for the chunk-based attention mask. - Args: - size (int): size of mask - Returns: - paddle.Tensor: mask, [size, size] - Examples: - >>> subsequent_mask(3) - [[1, 0, 0], - [1, 1, 0], - [1, 1, 1]] - """ - ret = paddle.ones([size, size], dtype=paddle.bool) - #TODO(Hui Zhang): tril not support bool - #return paddle.tril(ret) - ret = ret.astype(paddle.float) - ret = paddle.tril(ret) - ret = ret.astype(paddle.bool) - return ret - - -def subsequent_chunk_mask( - size: int, - chunk_size: int, - num_left_chunks: int=-1, ) -> paddle.Tensor: - """Create mask for subsequent steps (size, size) with chunk size, - this is for streaming encoder - Args: - size (int): size of mask - chunk_size (int): size of chunk - num_left_chunks (int): number of left chunks - <0: use full chunk - >=0: use num_left_chunks - Returns: - paddle.Tensor: mask, [size, size] - Examples: - >>> subsequent_chunk_mask(4, 2) - [[1, 1, 0, 0], - [1, 1, 0, 0], - [1, 1, 1, 1], - [1, 1, 1, 1]] - """ - ret = paddle.zeros([size, size], dtype=paddle.bool) - for i in range(size): - if num_left_chunks < 0: - start = 0 - else: - start = max(0, (i // chunk_size - num_left_chunks) * chunk_size) - ending = min(size, (i // chunk_size + 1) * chunk_size) - ret[i, start:ending] = True - return ret - - -def add_optional_chunk_mask(xs: paddle.Tensor, - masks: paddle.Tensor, - use_dynamic_chunk: bool, - use_dynamic_left_chunk: bool, - decoding_chunk_size: int, - static_chunk_size: int, - num_decoding_left_chunks: int): - """ Apply optional mask for encoder. - Args: - xs (paddle.Tensor): padded input, (B, L, D), L for max length - mask (paddle.Tensor): mask for xs, (B, 1, L) - use_dynamic_chunk (bool): whether to use dynamic chunk or not - use_dynamic_left_chunk (bool): whether to use dynamic left chunk for - training. - decoding_chunk_size (int): decoding chunk size for dynamic chunk, it's - 0: default for training, use random dynamic chunk. - <0: for decoding, use full chunk. - >0: for decoding, use fixed chunk size as set. - static_chunk_size (int): chunk size for static chunk training/decoding - if it's greater than 0, if use_dynamic_chunk is true, - this parameter will be ignored - num_decoding_left_chunks (int): number of left chunks, this is for decoding, - the chunk size is decoding_chunk_size. - >=0: use num_decoding_left_chunks - <0: use all left chunks - Returns: - paddle.Tensor: chunk mask of the input xs. - """ - # Whether to use chunk mask or not - if use_dynamic_chunk: - max_len = xs.shape[1] - if decoding_chunk_size < 0: - chunk_size = max_len - num_left_chunks = -1 - elif decoding_chunk_size > 0: - chunk_size = decoding_chunk_size - num_left_chunks = num_decoding_left_chunks - else: - # chunk size is either [1, 25] or full context(max_len). - # Since we use 4 times subsampling and allow up to 1s(100 frames) - # delay, the maximum frame is 100 / 4 = 25. - chunk_size = int(paddle.randint(1, max_len, (1, ))) - num_left_chunks = -1 - if chunk_size > max_len // 2: - chunk_size = max_len - else: - chunk_size = chunk_size % 25 + 1 - if use_dynamic_left_chunk: - max_left_chunks = (max_len - 1) // chunk_size - num_left_chunks = int( - paddle.randint(0, max_left_chunks, (1, ))) - chunk_masks = subsequent_chunk_mask(xs.shape[1], chunk_size, - num_left_chunks) # (L, L) - chunk_masks = chunk_masks.unsqueeze(0) # (1, L, L) - # chunk_masks = masks & chunk_masks # (B, L, L) - chunk_masks = masks.logical_and(chunk_masks) # (B, L, L) - elif static_chunk_size > 0: - num_left_chunks = num_decoding_left_chunks - chunk_masks = subsequent_chunk_mask(xs.shape[1], static_chunk_size, - num_left_chunks) # (L, L) - chunk_masks = chunk_masks.unsqueeze(0) # (1, L, L) - # chunk_masks = masks & chunk_masks # (B, L, L) - chunk_masks = masks.logical_and(chunk_masks) # (B, L, L) - else: - chunk_masks = masks - return chunk_masks - - -def mask_finished_scores(score: paddle.Tensor, - flag: paddle.Tensor) -> paddle.Tensor: - """ - If a sequence is finished, we only allow one alive branch. This function - aims to give one branch a zero score and the rest -inf score. - Args: - score (paddle.Tensor): A real value array with shape - (batch_size * beam_size, beam_size). - flag (paddle.Tensor): A bool array with shape - (batch_size * beam_size, 1). - Returns: - paddle.Tensor: (batch_size * beam_size, beam_size). - Examples: - flag: tensor([[ True], - [False]]) - score: tensor([[-0.3666, -0.6664, 0.6019], - [-1.1490, -0.2948, 0.7460]]) - unfinished: tensor([[False, True, True], - [False, False, False]]) - finished: tensor([[ True, False, False], - [False, False, False]]) - return: tensor([[ 0.0000, -inf, -inf], - [-1.1490, -0.2948, 0.7460]]) - """ - beam_size = score.shape[-1] - zero_mask = paddle.zeros_like(flag, dtype=paddle.bool) - if beam_size > 1: - unfinished = paddle.concat( - (zero_mask, flag.tile([1, beam_size - 1])), axis=1) - finished = paddle.concat( - (flag, zero_mask.tile([1, beam_size - 1])), axis=1) - else: - unfinished = zero_mask - finished = flag - - # infs = paddle.ones_like(score) * -float('inf') - # score = paddle.where(unfinished, infs, score) - # score = paddle.where(finished, paddle.zeros_like(score), score) - score.masked_fill_(unfinished, -float('inf')) - score.masked_fill_(finished, 0) - return score - - -def mask_finished_preds(pred: paddle.Tensor, flag: paddle.Tensor, - eos: int) -> paddle.Tensor: - """ - If a sequence is finished, all of its branch should be - Args: - pred (paddle.Tensor): A int array with shape - (batch_size * beam_size, beam_size). - flag (paddle.Tensor): A bool array with shape - (batch_size * beam_size, 1). - Returns: - paddle.Tensor: (batch_size * beam_size). - """ - beam_size = pred.shape[-1] - finished = flag.repeat(1, beam_size) - return pred.masked_fill_(finished, eos) diff --git a/examples/transv1.8to2.x/deepspeech/utils/__init__.py b/examples/transv1.8to2.x/deepspeech/utils/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/deepspeech/utils/bleu_score.py b/examples/transv1.8to2.x/deepspeech/utils/bleu_score.py deleted file mode 100644 index 09646133a..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/bleu_score.py +++ /dev/null @@ -1,54 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""This module provides functions to calculate bleu score in different level. -e.g. wer for word-level, cer for char-level. -""" -import sacrebleu - -__all__ = ['bleu', 'char_bleu'] - - -def bleu(hypothesis, reference): - """Calculate BLEU. BLEU compares reference text and - hypothesis text in word-level using scarebleu. - - - - :param reference: The reference sentences. - :type reference: list[list[str]] - :param hypothesis: The hypothesis sentence. - :type hypothesis: list[str] - :raises ValueError: If the reference length is zero. - """ - - return sacrebleu.corpus_bleu(hypothesis, reference) - - -def char_bleu(hypothesis, reference): - """Calculate BLEU. BLEU compares reference text and - hypothesis text in char-level using scarebleu. - - - - :param reference: The reference sentences. - :type reference: list[list[str]] - :param hypothesis: The hypothesis sentence. - :type hypothesis: list[str] - :raises ValueError: If the reference number is zero. - """ - hypothesis = [' '.join(list(hyp.replace(' ', ''))) for hyp in hypothesis] - reference = [[' '.join(list(ref_i.replace(' ', ''))) for ref_i in ref] - for ref in reference] - - return sacrebleu.corpus_bleu(hypothesis, reference) diff --git a/examples/transv1.8to2.x/deepspeech/utils/checkpoint.py b/examples/transv1.8to2.x/deepspeech/utils/checkpoint.py deleted file mode 100644 index a59f8be79..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/checkpoint.py +++ /dev/null @@ -1,298 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import glob -import json -import os -import re -from pathlib import Path -from typing import Text -from typing import Union - -import paddle -from paddle import distributed as dist -from paddle.optimizer import Optimizer - -from deepspeech.utils import mp_tools -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ["Checkpoint"] - - -class Checkpoint(): - def __init__(self, kbest_n: int=5, latest_n: int=1): - self.best_records: Mapping[Path, float] = {} - self.latest_records = [] - self.kbest_n = kbest_n - self.latest_n = latest_n - self._save_all = (kbest_n == -1) - - def add_checkpoint(self, - checkpoint_dir, - tag_or_iteration: Union[int, Text], - model: paddle.nn.Layer, - optimizer: Optimizer=None, - infos: dict=None, - metric_type="val_loss"): - """Save checkpoint in best_n and latest_n. - - Args: - checkpoint_dir (str): the directory where checkpoint is saved. - tag_or_iteration (int or str): the latest iteration(step or epoch) number or tag. - model (Layer): model to be checkpointed. - optimizer (Optimizer, optional): optimizer to be checkpointed. - infos (dict or None)): any info you want to save. - metric_type (str, optional): metric type. Defaults to "val_loss". - """ - if (metric_type not in infos.keys()): - self._save_parameters(checkpoint_dir, tag_or_iteration, model, - optimizer, infos) - return - - #save best - if self._should_save_best(infos[metric_type]): - self._save_best_checkpoint_and_update( - infos[metric_type], checkpoint_dir, tag_or_iteration, model, - optimizer, infos) - #save latest - self._save_latest_checkpoint_and_update( - checkpoint_dir, tag_or_iteration, model, optimizer, infos) - - if isinstance(tag_or_iteration, int): - self._save_checkpoint_record(checkpoint_dir, tag_or_iteration) - - def load_parameters(self, - model, - optimizer=None, - checkpoint_dir=None, - checkpoint_path=None, - record_file="checkpoint_latest"): - """Load a last model checkpoint from disk. - Args: - model (Layer): model to load parameters. - optimizer (Optimizer, optional): optimizer to load states if needed. - Defaults to None. - checkpoint_dir (str, optional): the directory where checkpoint is saved. - checkpoint_path (str, optional): if specified, load the checkpoint - stored in the checkpoint_path(prefix) and the argument 'checkpoint_dir' will - be ignored. Defaults to None. - record_file "checkpoint_latest" or "checkpoint_best" - Returns: - configs (dict): epoch or step, lr and other meta info should be saved. - """ - configs = {} - - if checkpoint_path is not None: - pass - elif checkpoint_dir is not None and record_file is not None: - # load checkpint from record file - checkpoint_record = os.path.join(checkpoint_dir, record_file) - iteration = self._load_checkpoint_idx(checkpoint_record) - if iteration == -1: - return configs - checkpoint_path = os.path.join(checkpoint_dir, - "{}".format(iteration)) - else: - raise ValueError( - "At least one of 'checkpoint_path' or 'checkpoint_dir' should be specified!" - ) - - rank = dist.get_rank() - - params_path = checkpoint_path + ".pdparams" - model_dict = paddle.load(params_path) - model.set_state_dict(model_dict) - logger.info("Rank {}: loaded model from {}".format(rank, params_path)) - - optimizer_path = checkpoint_path + ".pdopt" - if optimizer and os.path.isfile(optimizer_path): - optimizer_dict = paddle.load(optimizer_path) - optimizer.set_state_dict(optimizer_dict) - logger.info("Rank {}: loaded optimizer state from {}".format( - rank, optimizer_path)) - - info_path = re.sub('.pdparams$', '.json', params_path) - if os.path.exists(info_path): - with open(info_path, 'r') as fin: - configs = json.load(fin) - return configs - - def load_latest_parameters(self, - model, - optimizer=None, - checkpoint_dir=None, - checkpoint_path=None): - """Load a last model checkpoint from disk. - Args: - model (Layer): model to load parameters. - optimizer (Optimizer, optional): optimizer to load states if needed. - Defaults to None. - checkpoint_dir (str, optional): the directory where checkpoint is saved. - checkpoint_path (str, optional): if specified, load the checkpoint - stored in the checkpoint_path(prefix) and the argument 'checkpoint_dir' will - be ignored. Defaults to None. - Returns: - configs (dict): epoch or step, lr and other meta info should be saved. - """ - return self.load_parameters(model, optimizer, checkpoint_dir, - checkpoint_path, "checkpoint_latest") - - def load_best_parameters(self, - model, - optimizer=None, - checkpoint_dir=None, - checkpoint_path=None): - """Load a last model checkpoint from disk. - Args: - model (Layer): model to load parameters. - optimizer (Optimizer, optional): optimizer to load states if needed. - Defaults to None. - checkpoint_dir (str, optional): the directory where checkpoint is saved. - checkpoint_path (str, optional): if specified, load the checkpoint - stored in the checkpoint_path(prefix) and the argument 'checkpoint_dir' will - be ignored. Defaults to None. - Returns: - configs (dict): epoch or step, lr and other meta info should be saved. - """ - return self.load_parameters(model, optimizer, checkpoint_dir, - checkpoint_path, "checkpoint_best") - - def _should_save_best(self, metric: float) -> bool: - if not self._best_full(): - return True - - # already full - worst_record_path = max(self.best_records, key=self.best_records.get) - # worst_record_path = max(self.best_records.iteritems(), key=operator.itemgetter(1))[0] - worst_metric = self.best_records[worst_record_path] - return metric < worst_metric - - def _best_full(self): - return (not self._save_all) and len(self.best_records) == self.kbest_n - - def _latest_full(self): - return len(self.latest_records) == self.latest_n - - def _save_best_checkpoint_and_update(self, metric, checkpoint_dir, - tag_or_iteration, model, optimizer, - infos): - # remove the worst - if self._best_full(): - worst_record_path = max(self.best_records, - key=self.best_records.get) - self.best_records.pop(worst_record_path) - if (worst_record_path not in self.latest_records): - logger.info( - "remove the worst checkpoint: {}".format(worst_record_path)) - self._del_checkpoint(checkpoint_dir, worst_record_path) - - # add the new one - self._save_parameters(checkpoint_dir, tag_or_iteration, model, - optimizer, infos) - self.best_records[tag_or_iteration] = metric - - def _save_latest_checkpoint_and_update( - self, checkpoint_dir, tag_or_iteration, model, optimizer, infos): - # remove the old - if self._latest_full(): - to_del_fn = self.latest_records.pop(0) - if (to_del_fn not in self.best_records.keys()): - logger.info( - "remove the latest checkpoint: {}".format(to_del_fn)) - self._del_checkpoint(checkpoint_dir, to_del_fn) - self.latest_records.append(tag_or_iteration) - - self._save_parameters(checkpoint_dir, tag_or_iteration, model, - optimizer, infos) - - def _del_checkpoint(self, checkpoint_dir, tag_or_iteration): - checkpoint_path = os.path.join(checkpoint_dir, - "{}".format(tag_or_iteration)) - for filename in glob.glob(checkpoint_path + ".*"): - os.remove(filename) - logger.info("delete file: {}".format(filename)) - - def _load_checkpoint_idx(self, checkpoint_record: str) -> int: - """Get the iteration number corresponding to the latest saved checkpoint. - Args: - checkpoint_path (str): the saved path of checkpoint. - Returns: - int: the latest iteration number. -1 for no checkpoint to load. - """ - if not os.path.isfile(checkpoint_record): - return -1 - - # Fetch the latest checkpoint index. - with open(checkpoint_record, "rt") as handle: - latest_checkpoint = handle.readlines()[-1].strip() - iteration = int(latest_checkpoint.split(":")[-1]) - return iteration - - def _save_checkpoint_record(self, checkpoint_dir: str, iteration: int): - """Save the iteration number of the latest model to be checkpoint record. - Args: - checkpoint_dir (str): the directory where checkpoint is saved. - iteration (int): the latest iteration number. - Returns: - None - """ - checkpoint_record_latest = os.path.join(checkpoint_dir, - "checkpoint_latest") - checkpoint_record_best = os.path.join(checkpoint_dir, "checkpoint_best") - - with open(checkpoint_record_best, "w") as handle: - for i in self.best_records.keys(): - handle.write("model_checkpoint_path:{}\n".format(i)) - with open(checkpoint_record_latest, "w") as handle: - for i in self.latest_records: - handle.write("model_checkpoint_path:{}\n".format(i)) - - @mp_tools.rank_zero_only - def _save_parameters(self, - checkpoint_dir: str, - tag_or_iteration: Union[int, str], - model: paddle.nn.Layer, - optimizer: Optimizer=None, - infos: dict=None): - """Checkpoint the latest trained model parameters. - Args: - checkpoint_dir (str): the directory where checkpoint is saved. - tag_or_iteration (int or str): the latest iteration(step or epoch) number. - model (Layer): model to be checkpointed. - optimizer (Optimizer, optional): optimizer to be checkpointed. - Defaults to None. - infos (dict or None): any info you want to save. - Returns: - None - """ - checkpoint_path = os.path.join(checkpoint_dir, - "{}".format(tag_or_iteration)) - - model_dict = model.state_dict() - params_path = checkpoint_path + ".pdparams" - paddle.save(model_dict, params_path) - logger.info("Saved model to {}".format(params_path)) - - if optimizer: - opt_dict = optimizer.state_dict() - optimizer_path = checkpoint_path + ".pdopt" - paddle.save(opt_dict, optimizer_path) - logger.info("Saved optimzier state to {}".format(optimizer_path)) - - info_path = re.sub('.pdparams$', '.json', params_path) - infos = {} if infos is None else infos - with open(info_path, 'w') as fout: - data = json.dumps(infos) - fout.write(data) diff --git a/examples/transv1.8to2.x/deepspeech/utils/ctc_utils.py b/examples/transv1.8to2.x/deepspeech/utils/ctc_utils.py deleted file mode 100644 index 09543d48d..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/ctc_utils.py +++ /dev/null @@ -1,134 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from typing import List - -import numpy as np -import paddle - -from deepspeech.utils.log import Log - -logger = Log(__name__).getlog() - -__all__ = ["forced_align", "remove_duplicates_and_blank", "insert_blank"] - - -def remove_duplicates_and_blank(hyp: List[int], blank_id=0) -> List[int]: - """ctc alignment to ctc label ids. - - "abaa-acee-" -> "abaace" - - Args: - hyp (List[int]): hypotheses ids, (L) - blank_id (int, optional): blank id. Defaults to 0. - - Returns: - List[int]: remove dupicate ids, then remove blank id. - """ - new_hyp: List[int] = [] - cur = 0 - while cur < len(hyp): - # add non-blank into new_hyp - if hyp[cur] != blank_id: - new_hyp.append(hyp[cur]) - # skip repeat label - prev = cur - while cur < len(hyp) and hyp[cur] == hyp[prev]: - cur += 1 - return new_hyp - - -def insert_blank(label: np.ndarray, blank_id: int=0) -> np.ndarray: - """Insert blank token between every two label token. - - "abcdefg" -> "-a-b-c-d-e-f-g-" - - Args: - label ([np.ndarray]): label ids, List[int], (L). - blank_id (int, optional): blank id. Defaults to 0. - - Returns: - [np.ndarray]: (2L+1). - """ - label = np.expand_dims(label, 1) #[L, 1] - blanks = np.zeros((label.shape[0], 1), dtype=np.int64) + blank_id - label = np.concatenate([blanks, label], axis=1) #[L, 2] - label = label.reshape(-1) #[2L], -l-l-l - label = np.append(label, label[0]) #[2L + 1], -l-l-l- - return label - - -def forced_align(ctc_probs: paddle.Tensor, y: paddle.Tensor, - blank_id=0) -> List[int]: - """ctc forced alignment. - - https://distill.pub/2017/ctc/ - - Args: - ctc_probs (paddle.Tensor): hidden state sequence, 2d tensor (T, D) - y (paddle.Tensor): label id sequence tensor, 1d tensor (L) - blank_id (int): blank symbol index - Returns: - List[int]: best alignment result, (T). - """ - y_insert_blank = insert_blank(y, blank_id) #(2L+1) - - log_alpha = paddle.zeros( - (ctc_probs.size(0), len(y_insert_blank))) #(T, 2L+1) - log_alpha = log_alpha - float('inf') # log of zero - # TODO(Hui Zhang): zeros not support paddle.int16 - state_path = (paddle.zeros( - (ctc_probs.size(0), len(y_insert_blank)), dtype=paddle.int32) - 1 - ) # state path, Tuple((T, 2L+1)) - - # init start state - # TODO(Hui Zhang): VarBase.__getitem__() not support np.int64 - log_alpha[0, 0] = ctc_probs[0][int(y_insert_blank[0])] # State-b, Sb - log_alpha[0, 1] = ctc_probs[0][int(y_insert_blank[1])] # State-nb, Snb - - for t in range(1, ctc_probs.size(0)): # T - for s in range(len(y_insert_blank)): # 2L+1 - if y_insert_blank[s] == blank_id or s < 2 or y_insert_blank[ - s] == y_insert_blank[s - 2]: - candidates = paddle.to_tensor( - [log_alpha[t - 1, s], log_alpha[t - 1, s - 1]]) - prev_state = [s, s - 1] - else: - candidates = paddle.to_tensor([ - log_alpha[t - 1, s], - log_alpha[t - 1, s - 1], - log_alpha[t - 1, s - 2], - ]) - prev_state = [s, s - 1, s - 2] - # TODO(Hui Zhang): VarBase.__getitem__() not support np.int64 - log_alpha[t, s] = paddle.max(candidates) + ctc_probs[t][int( - y_insert_blank[s])] - state_path[t, s] = prev_state[paddle.argmax(candidates)] - - # TODO(Hui Zhang): zeros not support paddle.int16 - state_seq = -1 * paddle.ones((ctc_probs.size(0), 1), dtype=paddle.int32) - - candidates = paddle.to_tensor([ - log_alpha[-1, len(y_insert_blank) - 1], # Sb - log_alpha[-1, len(y_insert_blank) - 2] # Snb - ]) - prev_state = [len(y_insert_blank) - 1, len(y_insert_blank) - 2] - state_seq[-1] = prev_state[paddle.argmax(candidates)] - for t in range(ctc_probs.size(0) - 2, -1, -1): - state_seq[t] = state_path[t + 1, state_seq[t + 1, 0]] - - output_alignment = [] - for t in range(0, ctc_probs.size(0)): - output_alignment.append(y_insert_blank[state_seq[t, 0]]) - - return output_alignment diff --git a/examples/transv1.8to2.x/deepspeech/utils/dynamic_import.py b/examples/transv1.8to2.x/deepspeech/utils/dynamic_import.py deleted file mode 100644 index 533f15eee..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/dynamic_import.py +++ /dev/null @@ -1,67 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import importlib -import inspect -from typing import Any -from typing import Dict -from typing import List -from typing import Text - -from deepspeech.utils.log import Log -from deepspeech.utils.tensor_utils import has_tensor - -logger = Log(__name__).getlog() - -__all__ = ["dynamic_import", "instance_class"] - - -def dynamic_import(import_path, alias=dict()): - """dynamic import module and class - - :param str import_path: syntax 'module_name:class_name' - e.g., 'deepspeech.models.u2:U2Model' - :param dict alias: shortcut for registered class - :return: imported class - """ - if import_path not in alias and ":" not in import_path: - raise ValueError("import_path should be one of {} or " - 'include ":", e.g. "deepspeech.models.u2:U2Model" : ' - "{}".format(set(alias), import_path)) - if ":" not in import_path: - import_path = alias[import_path] - - module_name, objname = import_path.split(":") - m = importlib.import_module(module_name) - return getattr(m, objname) - - -def filter_valid_args(args: Dict[Text, Any], valid_keys: List[Text]): - # filter by `valid_keys` and filter `val` is not None - new_args = { - key: val - for key, val in args.items() if (key in valid_keys and val is not None) - } - return new_args - - -def filter_out_tenosr(args: Dict[Text, Any]): - return {key: val for key, val in args.items() if not has_tensor(val)} - - -def instance_class(module_class, args: Dict[Text, Any]): - valid_keys = inspect.signature(module_class).parameters.keys() - new_args = filter_valid_args(args, valid_keys) - logger.info( - f"Instance: {module_class.__name__} {filter_out_tenosr(new_args)}.") - return module_class(**new_args) diff --git a/examples/transv1.8to2.x/deepspeech/utils/error_rate.py b/examples/transv1.8to2.x/deepspeech/utils/error_rate.py deleted file mode 100644 index b6399bab1..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/error_rate.py +++ /dev/null @@ -1,206 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""This module provides functions to calculate error rate in different level. -e.g. wer for word-level, cer for char-level. -""" -import numpy as np - -__all__ = ['word_errors', 'char_errors', 'wer', 'cer'] - - -def _levenshtein_distance(ref, hyp): - """Levenshtein distance is a string metric for measuring the difference - between two sequences. Informally, the levenshtein disctance is defined as - the minimum number of single-character edits (substitutions, insertions or - deletions) required to change one word into the other. We can naturally - extend the edits to word level when calculate levenshtein disctance for - two sentences. - """ - m = len(ref) - n = len(hyp) - - # special case - if ref == hyp: - return 0 - if m == 0: - return n - if n == 0: - return m - - if m < n: - ref, hyp = hyp, ref - m, n = n, m - - # use O(min(m, n)) space - distance = np.zeros((2, n + 1), dtype=np.int32) - - # initialize distance matrix - for j in range(n + 1): - distance[0][j] = j - - # calculate levenshtein distance - for i in range(1, m + 1): - prev_row_idx = (i - 1) % 2 - cur_row_idx = i % 2 - distance[cur_row_idx][0] = i - for j in range(1, n + 1): - if ref[i - 1] == hyp[j - 1]: - distance[cur_row_idx][j] = distance[prev_row_idx][j - 1] - else: - s_num = distance[prev_row_idx][j - 1] + 1 - i_num = distance[cur_row_idx][j - 1] + 1 - d_num = distance[prev_row_idx][j] + 1 - distance[cur_row_idx][j] = min(s_num, i_num, d_num) - - return distance[m % 2][n] - - -def word_errors(reference, hypothesis, ignore_case=False, delimiter=' '): - """Compute the levenshtein distance between reference sequence and - hypothesis sequence in word-level. - - :param reference: The reference sentence. - :type reference: str - :param hypothesis: The hypothesis sentence. - :type hypothesis: str - :param ignore_case: Whether case-sensitive or not. - :type ignore_case: bool - :param delimiter: Delimiter of input sentences. - :type delimiter: char - :return: Levenshtein distance and word number of reference sentence. - :rtype: list - """ - if ignore_case: - reference = reference.lower() - hypothesis = hypothesis.lower() - - ref_words = list(filter(None, reference.split(delimiter))) - hyp_words = list(filter(None, hypothesis.split(delimiter))) - - edit_distance = _levenshtein_distance(ref_words, hyp_words) - return float(edit_distance), len(ref_words) - - -def char_errors(reference, hypothesis, ignore_case=False, remove_space=False): - """Compute the levenshtein distance between reference sequence and - hypothesis sequence in char-level. - - :param reference: The reference sentence. - :type reference: str - :param hypothesis: The hypothesis sentence. - :type hypothesis: str - :param ignore_case: Whether case-sensitive or not. - :type ignore_case: bool - :param remove_space: Whether remove internal space characters - :type remove_space: bool - :return: Levenshtein distance and length of reference sentence. - :rtype: list - """ - if ignore_case: - reference = reference.lower() - hypothesis = hypothesis.lower() - - join_char = ' ' - if remove_space: - join_char = '' - - reference = join_char.join(list(filter(None, reference.split(' ')))) - hypothesis = join_char.join(list(filter(None, hypothesis.split(' ')))) - - edit_distance = _levenshtein_distance(reference, hypothesis) - return float(edit_distance), len(reference) - - -def wer(reference, hypothesis, ignore_case=False, delimiter=' '): - """Calculate word error rate (WER). WER compares reference text and - hypothesis text in word-level. WER is defined as: - - .. math:: - WER = (Sw + Dw + Iw) / Nw - - where - - .. code-block:: text - - Sw is the number of words subsituted, - Dw is the number of words deleted, - Iw is the number of words inserted, - Nw is the number of words in the reference - - We can use levenshtein distance to calculate WER. Please draw an attention - that empty items will be removed when splitting sentences by delimiter. - - :param reference: The reference sentence. - :type reference: str - :param hypothesis: The hypothesis sentence. - :type hypothesis: str - :param ignore_case: Whether case-sensitive or not. - :type ignore_case: bool - :param delimiter: Delimiter of input sentences. - :type delimiter: char - :return: Word error rate. - :rtype: float - :raises ValueError: If word number of reference is zero. - """ - edit_distance, ref_len = word_errors(reference, hypothesis, ignore_case, - delimiter) - - if ref_len == 0: - raise ValueError("Reference's word number should be greater than 0.") - - wer = float(edit_distance) / ref_len - return wer - - -def cer(reference, hypothesis, ignore_case=False, remove_space=False): - """Calculate charactor error rate (CER). CER compares reference text and - hypothesis text in char-level. CER is defined as: - - .. math:: - CER = (Sc + Dc + Ic) / Nc - - where - - .. code-block:: text - - Sc is the number of characters substituted, - Dc is the number of characters deleted, - Ic is the number of characters inserted - Nc is the number of characters in the reference - - We can use levenshtein distance to calculate CER. Chinese input should be - encoded to unicode. Please draw an attention that the leading and tailing - space characters will be truncated and multiple consecutive space - characters in a sentence will be replaced by one space character. - - :param reference: The reference sentence. - :type reference: str - :param hypothesis: The hypothesis sentence. - :type hypothesis: str - :param ignore_case: Whether case-sensitive or not. - :type ignore_case: bool - :param remove_space: Whether remove internal space characters - :type remove_space: bool - :return: Character error rate. - :rtype: float - :raises ValueError: If the reference length is zero. - """ - edit_distance, ref_len = char_errors(reference, hypothesis, ignore_case, - remove_space) - - if ref_len == 0: - raise ValueError("Length of reference should be greater than 0.") - - cer = float(edit_distance) / ref_len - return cer diff --git a/examples/transv1.8to2.x/deepspeech/utils/layer_tools.py b/examples/transv1.8to2.x/deepspeech/utils/layer_tools.py deleted file mode 100644 index fb076c0c7..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/layer_tools.py +++ /dev/null @@ -1,88 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import numpy as np -from paddle import nn - -__all__ = [ - "summary", "gradient_norm", "freeze", "unfreeze", "print_grads", - "print_params" -] - - -def summary(layer: nn.Layer, print_func=print): - if print_func is None: - return - num_params = num_elements = 0 - for name, param in layer.state_dict().items(): - if print_func: - print_func( - "{} | {} | {}".format(name, param.shape, np.prod(param.shape))) - num_elements += np.prod(param.shape) - num_params += 1 - if print_func: - num_elements = num_elements / 1024**2 - print_func( - f"Total parameters: {num_params}, {num_elements:.2f}M elements.") - - -def print_grads(model, print_func=print): - if print_func is None: - return - for n, p in model.named_parameters(): - msg = f"param grad: {n}: shape: {p.shape} grad: {p.grad}" - print_func(msg) - - -def print_params(model, print_func=print): - if print_func is None: - return - total = 0.0 - num_params = 0.0 - for n, p in model.named_parameters(): - msg = f"{n} | {p.shape} | {np.prod(p.shape)} | {not p.stop_gradient}" - total += np.prod(p.shape) - num_params += 1 - if print_func: - print_func(msg) - if print_func: - total = total / 1024**2 - print_func(f"Total parameters: {num_params}, {total:.2f}M elements.") - - -def gradient_norm(layer: nn.Layer): - grad_norm_dict = {} - for name, param in layer.state_dict().items(): - if param.trainable: - grad = param.gradient() # return numpy.ndarray - grad_norm_dict[name] = np.linalg.norm(grad) / grad.size - return grad_norm_dict - - -def recursively_remove_weight_norm(layer: nn.Layer): - for layer in layer.sublayers(): - try: - nn.utils.remove_weight_norm(layer) - except ValueError as e: - # ther is not weight norm hoom in this layer - pass - - -def freeze(layer: nn.Layer): - for param in layer.parameters(): - param.trainable = False - - -def unfreeze(layer: nn.Layer): - for param in layer.parameters(): - param.trainable = True diff --git a/examples/transv1.8to2.x/deepspeech/utils/log.py b/examples/transv1.8to2.x/deepspeech/utils/log.py deleted file mode 100644 index 3fd7d2480..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/log.py +++ /dev/null @@ -1,182 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import getpass -import logging -import os -import socket -import sys - -from paddle import inference - -FORMAT_STR = '[%(levelname)s %(asctime)s %(filename)s:%(lineno)d] %(message)s' -DATE_FMT_STR = '%Y/%m/%d %H:%M:%S' - -logging.basicConfig( - level=logging.DEBUG, format=FORMAT_STR, datefmt=DATE_FMT_STR) - - -def find_log_dir(log_dir=None): - """Returns the most suitable directory to put log files into. - Args: - log_dir: str|None, if specified, the logfile(s) will be created in that - directory. Otherwise if the --log_dir command-line flag is provided, - the logfile will be created in that directory. Otherwise the logfile - will be created in a standard location. - Raises: - FileNotFoundError: raised when it cannot find a log directory. - """ - # Get a list of possible log dirs (will try to use them in order). - if log_dir: - # log_dir was explicitly specified as an arg, so use it and it alone. - dirs = [log_dir] - else: - dirs = ['/tmp/', './'] - - # Find the first usable log dir. - for d in dirs: - if os.path.isdir(d) and os.access(d, os.W_OK): - return d - raise FileNotFoundError( - "Can't find a writable directory for logs, tried %s" % dirs) - - -def find_log_dir_and_names(program_name=None, log_dir=None): - """Computes the directory and filename prefix for log file. - Args: - program_name: str|None, the filename part of the path to the program that - is running without its extension. e.g: if your program is called - 'usr/bin/foobar.py' this method should probably be called with - program_name='foobar' However, this is just a convention, you can - pass in any string you want, and it will be used as part of the - log filename. If you don't pass in anything, the default behavior - is as described in the example. In python standard logging mode, - the program_name will be prepended with py_ if it is the program_name - argument is omitted. - log_dir: str|None, the desired log directory. - Returns: - (log_dir, file_prefix, symlink_prefix) - Raises: - FileNotFoundError: raised in Python 3 when it cannot find a log directory. - OSError: raised in Python 2 when it cannot find a log directory. - """ - if not program_name: - # Strip the extension (foobar.par becomes foobar, and - # fubar.py becomes fubar). We do this so that the log - # file names are similar to C++ log file names. - program_name = os.path.splitext(os.path.basename(sys.argv[0]))[0] - - # Prepend py_ to files so that python code gets a unique file, and - # so that C++ libraries do not try to write to the same log files as us. - program_name = 'py_%s' % program_name - - actual_log_dir = find_log_dir(log_dir=log_dir) - - try: - username = getpass.getuser() - except KeyError: - # This can happen, e.g. when running under docker w/o passwd file. - if hasattr(os, 'getuid'): - # Windows doesn't have os.getuid - username = str(os.getuid()) - else: - username = 'unknown' - hostname = socket.gethostname() - file_prefix = '%s.%s.%s.log' % (program_name, hostname, username) - - return actual_log_dir, file_prefix, program_name - - -class Log(): - - log_name = None - - def __init__(self, logger=None): - self.logger = logging.getLogger(logger) - self.logger.setLevel(logging.DEBUG) - - file_dir = os.getcwd() + '/log' - if not os.path.exists(file_dir): - os.mkdir(file_dir) - self.log_dir = file_dir - - actual_log_dir, file_prefix, symlink_prefix = find_log_dir_and_names( - program_name=None, log_dir=self.log_dir) - - basename = '%s.DEBUG.%d' % (file_prefix, os.getpid()) - filename = os.path.join(actual_log_dir, basename) - if Log.log_name is None: - Log.log_name = filename - - # Create a symlink to the log file with a canonical name. - symlink = os.path.join(actual_log_dir, symlink_prefix + '.DEBUG') - try: - if os.path.islink(symlink): - os.unlink(symlink) - os.symlink(os.path.basename(Log.log_name), symlink) - except EnvironmentError: - # If it fails, we're sad but it's no error. Commonly, this - # fails because the symlink was created by another user and so - # we can't modify it - pass - - if not self.logger.hasHandlers(): - formatter = logging.Formatter(fmt=FORMAT_STR, datefmt=DATE_FMT_STR) - fh = logging.FileHandler(Log.log_name) - fh.setLevel(logging.DEBUG) - fh.setFormatter(formatter) - self.logger.addHandler(fh) - - ch = logging.StreamHandler() - ch.setLevel(logging.INFO) - ch.setFormatter(formatter) - self.logger.addHandler(ch) - - # stop propagate for propagating may print - # log multiple times - self.logger.propagate = False - - def getlog(self): - return self.logger - - -class Autolog: - def __init__(self, - batch_size, - model_name="DeepSpeech", - model_precision="fp32"): - import auto_log - pid = os.getpid() - if (os.environ['CUDA_VISIBLE_DEVICES'].strip() != ''): - gpu_id = int(os.environ['CUDA_VISIBLE_DEVICES'].split(',')[0]) - infer_config = inference.Config() - infer_config.enable_use_gpu(100, gpu_id) - else: - gpu_id = None - infer_config = inference.Config() - autolog = auto_log.AutoLogger( - model_name=model_name, - model_precision=model_precision, - batch_size=batch_size, - data_shape="dynamic", - save_path="./output/auto_log.lpg", - inference_config=infer_config, - pids=pid, - process_name=None, - gpu_ids=gpu_id, - time_keys=['preprocess_time', 'inference_time', 'postprocess_time'], - warmup=0) - self.autolog = autolog - - def getlog(self): - return self.autolog diff --git a/examples/transv1.8to2.x/deepspeech/utils/mp_tools.py b/examples/transv1.8to2.x/deepspeech/utils/mp_tools.py deleted file mode 100644 index d3e25aab6..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/mp_tools.py +++ /dev/null @@ -1,30 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from functools import wraps - -from paddle import distributed as dist - -__all__ = ["rank_zero_only"] - - -def rank_zero_only(func): - @wraps(func) - def wrapper(*args, **kwargs): - rank = dist.get_rank() - if rank != 0: - return - result = func(*args, **kwargs) - return result - - return wrapper diff --git a/examples/transv1.8to2.x/deepspeech/utils/socket_server.py b/examples/transv1.8to2.x/deepspeech/utils/socket_server.py deleted file mode 100644 index 45c659f60..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/socket_server.py +++ /dev/null @@ -1,112 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import os -import random -import socket -import socketserver -import struct -import time -import wave -from time import gmtime -from time import strftime - -from deepspeech.frontend.utility import read_manifest - -__all__ = ["socket_send", "warm_up_test", "AsrTCPServer", "AsrRequestHandler"] - - -def socket_send(server_ip: str, server_port: str, data: bytes): - # Connect to server and send data - sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM) - sock.connect((server_ip, server_port)) - sent = data - sock.sendall(struct.pack('>i', len(sent)) + sent) - print('Speech[length=%d] Sent.' % len(sent)) - # Receive data from the server and shut down - received = sock.recv(1024) - print("Recognition Results: {}".format(received.decode('utf8'))) - sock.close() - - -def warm_up_test(audio_process_handler, - manifest_path, - num_test_cases, - random_seed=0): - """Warming-up test.""" - manifest = read_manifest(manifest_path) - rng = random.Random(random_seed) - samples = rng.sample(manifest, num_test_cases) - for idx, sample in enumerate(samples): - print("Warm-up Test Case %d: %s" % (idx, sample['feat'])) - start_time = time.time() - transcript = audio_process_handler(sample['feat']) - finish_time = time.time() - print("Response Time: %f, Transcript: %s" % - (finish_time - start_time, transcript)) - - -class AsrTCPServer(socketserver.TCPServer): - """The ASR TCP Server.""" - - def __init__(self, - server_address, - RequestHandlerClass, - speech_save_dir, - audio_process_handler, - bind_and_activate=True): - self.speech_save_dir = speech_save_dir - self.audio_process_handler = audio_process_handler - socketserver.TCPServer.__init__( - self, server_address, RequestHandlerClass, bind_and_activate=True) - - -class AsrRequestHandler(socketserver.BaseRequestHandler): - """The ASR request handler.""" - - def handle(self): - # receive data through TCP socket - chunk = self.request.recv(1024) - target_len = struct.unpack('>i', chunk[:4])[0] - data = chunk[4:] - while len(data) < target_len: - chunk = self.request.recv(1024) - data += chunk - # write to file - filename = self._write_to_file(data) - - print("Received utterance[length=%d] from %s, saved to %s." % - (len(data), self.client_address[0], filename)) - start_time = time.time() - transcript = self.server.audio_process_handler(filename) - finish_time = time.time() - print("Response Time: %f, Transcript: %s" % - (finish_time - start_time, transcript)) - self.request.sendall(transcript.encode('utf-8')) - - def _write_to_file(self, data): - # prepare save dir and filename - if not os.path.exists(self.server.speech_save_dir): - os.mkdir(self.server.speech_save_dir) - timestamp = strftime("%Y%m%d%H%M%S", gmtime()) - out_filename = os.path.join( - self.server.speech_save_dir, - timestamp + "_" + self.client_address[0] + ".wav") - # write to wav file - file = wave.open(out_filename, 'wb') - file.setnchannels(1) - file.setsampwidth(2) - file.setframerate(16000) - file.writeframes(data) - file.close() - return out_filename diff --git a/examples/transv1.8to2.x/deepspeech/utils/tensor_utils.py b/examples/transv1.8to2.x/deepspeech/utils/tensor_utils.py deleted file mode 100644 index 9bff6b0f3..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/tensor_utils.py +++ /dev/null @@ -1,180 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Unility functions for Transformer.""" -from typing import List -from typing import Tuple - -import paddle - -from deepspeech.utils.log import Log - -__all__ = ["pad_sequence", "add_sos_eos", "th_accuracy", "has_tensor"] - -logger = Log(__name__).getlog() - - -def has_tensor(val): - if isinstance(val, (list, tuple)): - for item in val: - if has_tensor(item): - return True - elif isinstance(val, dict): - for k, v in val.items(): - print(k) - if has_tensor(v): - return True - else: - return paddle.is_tensor(val) - - -def pad_sequence(sequences: List[paddle.Tensor], - batch_first: bool=False, - padding_value: float=0.0) -> paddle.Tensor: - r"""Pad a list of variable length Tensors with ``padding_value`` - - ``pad_sequence`` stacks a list of Tensors along a new dimension, - and pads them to equal length. For example, if the input is list of - sequences with size ``L x *`` and if batch_first is False, and ``T x B x *`` - otherwise. - - `B` is batch size. It is equal to the number of elements in ``sequences``. - `T` is length of the longest sequence. - `L` is length of the sequence. - `*` is any number of trailing dimensions, including none. - - Example: - >>> from paddle.nn.utils.rnn import pad_sequence - >>> a = paddle.ones(25, 300) - >>> b = paddle.ones(22, 300) - >>> c = paddle.ones(15, 300) - >>> pad_sequence([a, b, c]).size() - paddle.Tensor([25, 3, 300]) - - Note: - This function returns a Tensor of size ``T x B x *`` or ``B x T x *`` - where `T` is the length of the longest sequence. This function assumes - trailing dimensions and type of all the Tensors in sequences are same. - - Args: - sequences (list[Tensor]): list of variable length sequences. - batch_first (bool, optional): output will be in ``B x T x *`` if True, or in - ``T x B x *`` otherwise - padding_value (float, optional): value for padded elements. Default: 0. - - Returns: - Tensor of size ``T x B x *`` if :attr:`batch_first` is ``False``. - Tensor of size ``B x T x *`` otherwise - """ - - # assuming trailing dimensions and type of all the Tensors - # in sequences are same and fetching those from sequences[0] - max_size = sequences[0].size() - # (TODO Hui Zhang): slice not supprot `end==start` - # trailing_dims = max_size[1:] - trailing_dims = max_size[1:] if max_size.ndim >= 2 else () - max_len = max([s.size(0) for s in sequences]) - if batch_first: - out_dims = (len(sequences), max_len) + trailing_dims - else: - out_dims = (max_len, len(sequences)) + trailing_dims - - out_tensor = sequences[0].new_full(out_dims, padding_value) - for i, tensor in enumerate(sequences): - length = tensor.size(0) - # use index notation to prevent duplicate references to the tensor - if batch_first: - out_tensor[i, :length, ...] = tensor - else: - out_tensor[:length, i, ...] = tensor - - return out_tensor - - -def add_sos_eos(ys_pad: paddle.Tensor, sos: int, eos: int, - ignore_id: int) -> Tuple[paddle.Tensor, paddle.Tensor]: - """Add and labels. - Args: - ys_pad (paddle.Tensor): batch of padded target sequences (B, Lmax) - sos (int): index of - eos (int): index of - ignore_id (int): index of padding - Returns: - ys_in (paddle.Tensor) : (B, Lmax + 1) - ys_out (paddle.Tensor) : (B, Lmax + 1) - Examples: - >>> sos_id = 10 - >>> eos_id = 11 - >>> ignore_id = -1 - >>> ys_pad - tensor([[ 1, 2, 3, 4, 5], - [ 4, 5, 6, -1, -1], - [ 7, 8, 9, -1, -1]], dtype=paddle.int32) - >>> ys_in,ys_out=add_sos_eos(ys_pad, sos_id , eos_id, ignore_id) - >>> ys_in - tensor([[10, 1, 2, 3, 4, 5], - [10, 4, 5, 6, 11, 11], - [10, 7, 8, 9, 11, 11]]) - >>> ys_out - tensor([[ 1, 2, 3, 4, 5, 11], - [ 4, 5, 6, 11, -1, -1], - [ 7, 8, 9, 11, -1, -1]]) - """ - # TODO(Hui Zhang): using comment code, - #_sos = paddle.to_tensor( - # [sos], dtype=paddle.long, stop_gradient=True, place=ys_pad.place) - #_eos = paddle.to_tensor( - # [eos], dtype=paddle.long, stop_gradient=True, place=ys_pad.place) - #ys = [y[y != ignore_id] for y in ys_pad] # parse padded ys - #ys_in = [paddle.cat([_sos, y], dim=0) for y in ys] - #ys_out = [paddle.cat([y, _eos], dim=0) for y in ys] - #return pad_sequence(ys_in, padding_value=eos), pad_sequence(ys_out, padding_value=ignore_id) - B = ys_pad.size(0) - _sos = paddle.ones([B, 1], dtype=ys_pad.dtype) * sos - _eos = paddle.ones([B, 1], dtype=ys_pad.dtype) * eos - ys_in = paddle.cat([_sos, ys_pad], dim=1) - mask_pad = (ys_in == ignore_id) - ys_in = ys_in.masked_fill(mask_pad, eos) - - ys_out = paddle.cat([ys_pad, _eos], dim=1) - ys_out = ys_out.masked_fill(mask_pad, eos) - mask_eos = (ys_out == ignore_id) - ys_out = ys_out.masked_fill(mask_eos, eos) - ys_out = ys_out.masked_fill(mask_pad, ignore_id) - return ys_in, ys_out - - -def th_accuracy(pad_outputs: paddle.Tensor, - pad_targets: paddle.Tensor, - ignore_label: int) -> float: - """Calculate accuracy. - Args: - pad_outputs (Tensor): Prediction tensors (B * Lmax, D). - pad_targets (LongTensor): Target label tensors (B, Lmax, D). - ignore_label (int): Ignore label id. - Returns: - float: Accuracy value (0.0 - 1.0). - """ - pad_pred = pad_outputs.view( - pad_targets.size(0), pad_targets.size(1), pad_outputs.size(1)).argmax(2) - mask = pad_targets != ignore_label - #TODO(Hui Zhang): sum not support bool type - # numerator = paddle.sum( - # pad_pred.masked_select(mask) == pad_targets.masked_select(mask)) - numerator = ( - pad_pred.masked_select(mask) == pad_targets.masked_select(mask)) - numerator = paddle.sum(numerator.type_as(pad_targets)) - #TODO(Hui Zhang): sum not support bool type - # denominator = paddle.sum(mask) - denominator = paddle.sum(mask.type_as(pad_targets)) - return float(numerator) / float(denominator) diff --git a/examples/transv1.8to2.x/deepspeech/utils/text_grid.py b/examples/transv1.8to2.x/deepspeech/utils/text_grid.py deleted file mode 100644 index 3af58c9ba..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/text_grid.py +++ /dev/null @@ -1,127 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from typing import Dict -from typing import List -from typing import Text - -import textgrid - - -def segment_alignment(alignment: List[int], blank_id=0) -> List[List[int]]: - """segment ctc alignment ids by continuous blank and repeat label. - - Args: - alignment (List[int]): ctc alignment id sequence. - e.g. [0, 0, 0, 1, 1, 1, 2, 0, 0, 3] - blank_id (int, optional): blank id. Defaults to 0. - - Returns: - List[List[int]]: token align, segment aligment id sequence. - e.g. [[0, 0, 0, 1, 1, 1], [2], [0, 0, 3]] - """ - # convert alignment to a praat format, which is a doing phonetics - # by computer and helps analyzing alignment - align_segs = [] - # get frames level duration for each token - start = 0 - end = 0 - while end < len(alignment): - while end < len(alignment) and alignment[end] == blank_id: # blank - end += 1 - if end == len(alignment): - align_segs[-1].extend(alignment[start:]) - break - end += 1 - while end < len(alignment) and alignment[end - 1] == alignment[ - end]: # repeat label - end += 1 - align_segs.append(alignment[start:end]) - start = end - return align_segs - - -def align_to_tierformat(align_segs: List[List[int]], - subsample: int, - token_dict: Dict[int, Text], - blank_id=0) -> List[Text]: - """Generate textgrid.Interval format from alignment segmentations. - - Args: - align_segs (List[List[int]]): segmented ctc alignment ids. - subsample (int): 25ms frame_length, 10ms hop_length, 1/subsample - token_dict (Dict[int, Text]): int -> str map. - - Returns: - List[Text]: list of textgrid.Interval text, str(start, end, text). - """ - hop_length = 10 # ms - second_ms = 1000 # ms - frame_per_second = second_ms / hop_length # 25ms frame_length, 10ms hop_length - second_per_frame = 1.0 / frame_per_second - - begin = 0 - duration = 0 - tierformat = [] - - for idx, tokens in enumerate(align_segs): - token_len = len(tokens) - token = tokens[-1] - # time duration in second - duration = token_len * subsample * second_per_frame - if idx < len(align_segs) - 1: - print(f"{begin:.2f} {begin + duration:.2f} {token_dict[token]}") - tierformat.append( - f"{begin:.2f} {begin + duration:.2f} {token_dict[token]}\n") - else: - for i in tokens: - if i != blank_id: - token = i - break - print(f"{begin:.2f} {begin + duration:.2f} {token_dict[token]}") - tierformat.append( - f"{begin:.2f} {begin + duration:.2f} {token_dict[token]}\n") - begin = begin + duration - - return tierformat - - -def generate_textgrid(maxtime: float, - intervals: List[Text], - output: Text, - name: Text='ali') -> None: - """Create alignment textgrid file. - - Args: - maxtime (float): audio duartion. - intervals (List[Text]): ctc output alignment. e.g. "start-time end-time word" per item. - output (Text): textgrid filepath. - name (Text, optional): tier or layer name. Defaults to 'ali'. - """ - # Download Praat: https://www.fon.hum.uva.nl/praat/ - avg_interval = maxtime / (len(intervals) + 1) - print(f"average second/token: {avg_interval}") - margin = 0.0001 - - tg = textgrid.TextGrid(maxTime=maxtime) - tier = textgrid.IntervalTier(name=name, maxTime=maxtime) - - i = 0 - for dur in intervals: - s, e, text = dur.split() - tier.add(minTime=float(s) + margin, maxTime=float(e), mark=text) - - tg.append(tier) - - tg.write(output) - print("successfully generator textgrid {}.".format(output)) diff --git a/examples/transv1.8to2.x/deepspeech/utils/utility.py b/examples/transv1.8to2.x/deepspeech/utils/utility.py deleted file mode 100644 index e18fc1f77..000000000 --- a/examples/transv1.8to2.x/deepspeech/utils/utility.py +++ /dev/null @@ -1,110 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains common utility functions.""" -import distutils.util -import math -import os -import random -from typing import List - -import numpy as np -import paddle - -__all__ = ["seed_all", 'print_arguments', 'add_arguments', "log_add"] - - -def seed_all(seed: int=210329): - np.random.seed(seed) - random.seed(seed) - paddle.seed(seed) - - -def print_arguments(args, info=None): - """Print argparse's arguments. - - Usage: - - .. code-block:: python - - parser = argparse.ArgumentParser() - parser.add_argument("name", default="Jonh", type=str, help="User name.") - args = parser.parse_args() - print_arguments(args) - - :param args: Input argparse.Namespace for printing. - :type args: argparse.Namespace - """ - filename = "" - if info: - filename = info["__file__"] - filename = os.path.basename(filename) - print(f"----------- {filename} Configuration Arguments -----------") - for arg, value in sorted(vars(args).items()): - print("%s: %s" % (arg, value)) - print("-----------------------------------------------------------") - - -def add_arguments(argname, type, default, help, argparser, **kwargs): - """Add argparse's argument. - - Usage: - - .. code-block:: python - - parser = argparse.ArgumentParser() - add_argument("name", str, "Jonh", "User name.", parser) - args = parser.parse_args() - """ - type = distutils.util.strtobool if type == bool else type - argparser.add_argument( - "--" + argname, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) - - -def log_add(args: List[int]) -> float: - """Stable log add - - Args: - args (List[int]): log scores - - Returns: - float: sum of log scores - """ - if all(a == -float('inf') for a in args): - return -float('inf') - a_max = max(args) - lsp = math.log(sum(math.exp(a - a_max) for a in args)) - return a_max + lsp - - -def get_subsample(config): - """Subsample rate from config. - - Args: - config (yacs.config.CfgNode): yaml config - - Returns: - int: subsample rate. - """ - input_layer = config["model"]["encoder_conf"]["input_layer"] - assert input_layer in ["conv2d", "conv2d6", "conv2d8"] - if input_layer == "conv2d": - return 4 - elif input_layer == "conv2d6": - return 6 - elif input_layer == "conv2d8": - return 8 diff --git a/examples/transv1.8to2.x/example/aishell/run_data.sh b/examples/transv1.8to2.x/example/aishell/run_data.sh deleted file mode 100644 index 877381f0a..000000000 --- a/examples/transv1.8to2.x/example/aishell/run_data.sh +++ /dev/null @@ -1,42 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download data, generate manifests -PYTHONPATH=.:$PYTHONPATH python3 data/aishell/aishell.py \ ---manifest_prefix='data/aishell/manifest' \ ---target_dir='../dataset/aishell' - -if [ $? -ne 0 ]; then - echo "Prepare Aishell failed. Terminated." - exit 1 -fi - - -# build vocabulary -python3 tools/build_vocab.py \ ---count_threshold=0 \ ---vocab_path='data/aishell/vocab.txt' \ ---manifest_paths 'data/aishell/manifest.train' 'data/aishell/manifest.dev' - -if [ $? -ne 0 ]; then - echo "Build vocabulary failed. Terminated." - exit 1 -fi - - -# compute mean and stddev for normalizer -python3 tools/compute_mean_std.py \ ---manifest_path='data/aishell/manifest.train' \ ---num_samples=2000 \ ---specgram_type='linear' \ ---output_path='data/aishell/mean_std.npz' - -if [ $? -ne 0 ]; then - echo "Compute mean and stddev failed. Terminated." - exit 1 -fi - - -echo "Aishell data preparation done." -exit 0 diff --git a/examples/transv1.8to2.x/example/aishell/run_infer_golden.sh b/examples/transv1.8to2.x/example/aishell/run_infer_golden.sh deleted file mode 100644 index f42559753..000000000 --- a/examples/transv1.8to2.x/example/aishell/run_infer_golden.sh +++ /dev/null @@ -1,55 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download language model -cd models/lm > /dev/null -bash download_lm_ch.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# download well-trained model -cd models/aishell > /dev/null -bash download_model.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# infer -CUDA_VISIBLE_DEVICES=0 \ -python3 -u infer2x.py \ ---num_samples=10 \ ---beam_size=300 \ ---feat_dim=161 \ ---num_proc_bsearch=8 \ ---num_conv_layers=2 \ ---num_rnn_layers=3 \ ---rnn_layer_size=1024 \ ---alpha=2.6 \ ---beta=5.0 \ ---cutoff_prob=0.99 \ ---cutoff_top_n=40 \ ---use_gru=True \ ---use_gpu=False \ ---share_rnn_weights=False \ ---infer_manifest='data/aishell/manifest.test' \ ---mean_std_path='models/aishell/mean_std.npz' \ ---vocab_path='models/aishell/vocab.txt' \ ---model_path='models/aishell/aishell_v1.8.pdparams' \ ---lang_model_path='models/lm/zh_giga.no_cna_cmn.prune01244.klm' \ ---decoding_method='ctc_beam_search' \ ---error_rate_type='cer' \ ---specgram_type='linear' - -if [ $? -ne 0 ]; then - echo "Failed in inference!" - exit 1 -fi - - -exit 0 diff --git a/examples/transv1.8to2.x/example/aishell/run_test_golden.sh b/examples/transv1.8to2.x/example/aishell/run_test_golden.sh deleted file mode 100644 index 75eaf16e1..000000000 --- a/examples/transv1.8to2.x/example/aishell/run_test_golden.sh +++ /dev/null @@ -1,54 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download language model -cd models/lm > /dev/null -bash download_lm_ch.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - -# download well-trained model -cd models/aishell > /dev/null -bash download_model.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# evaluate model -CUDA_VISIBLE_DEVICES=1 \ -python3 -u test2x.py \ ---batch_size=64 \ ---beam_size=300 \ ---feat_dim=161 \ ---num_proc_bsearch=8 \ ---num_conv_layers=2 \ ---num_rnn_layers=3 \ ---rnn_layer_size=1024 \ ---alpha=2.6 \ ---beta=5.0 \ ---cutoff_prob=0.99 \ ---cutoff_top_n=40 \ ---use_gru=True \ ---use_gpu=True \ ---share_rnn_weights=False \ ---test_manifest='data/aishell/manifest.test' \ ---mean_std_path='models/aishell/mean_std.npz' \ ---vocab_path='models/aishell/vocab.txt' \ ---model_path='models/aishell/aishell_v1.8.pdparams' \ ---lang_model_path='models/lm/zh_giga.no_cna_cmn.prune01244.klm' \ ---decoding_method='ctc_beam_search' \ ---error_rate_type='cer' \ ---specgram_type='linear' - -if [ $? -ne 0 ]; then - echo "Failed in evaluation!" - exit 1 -fi - - -exit 0 diff --git a/examples/transv1.8to2.x/example/baidu_en8k/run_data.sh b/examples/transv1.8to2.x/example/baidu_en8k/run_data.sh deleted file mode 100644 index 487d2d22f..000000000 --- a/examples/transv1.8to2.x/example/baidu_en8k/run_data.sh +++ /dev/null @@ -1,45 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download data, generate manifests -PYTHONPATH=.:$PYTHONPATH python3 data/librispeech/librispeech.py \ ---manifest_prefix='data/librispeech/manifest' \ ---target_dir='../dataset/librispeech' \ ---full_download='True' - -if [ $? -ne 0 ]; then - echo "Prepare LibriSpeech failed. Terminated." - exit 1 -fi - -cat data/librispeech/manifest.train-* | shuf > data/librispeech/manifest.train - - -# build vocabulary -python3 tools/build_vocab.py \ ---count_threshold=0 \ ---vocab_path='data/librispeech/vocab.txt' \ ---manifest_paths='data/librispeech/manifest.train' - -if [ $? -ne 0 ]; then - echo "Build vocabulary failed. Terminated." - exit 1 -fi - - -# compute mean and stddev for normalizer -python3 tools/compute_mean_std.py \ ---manifest_path='data/librispeech/manifest.train' \ ---num_samples=2000 \ ---specgram_type='linear' \ ---output_path='data/librispeech/mean_std.npz' - -if [ $? -ne 0 ]; then - echo "Compute mean and stddev failed. Terminated." - exit 1 -fi - - -echo "LibriSpeech Data preparation done." -exit 0 diff --git a/examples/transv1.8to2.x/example/baidu_en8k/run_infer_golden.sh b/examples/transv1.8to2.x/example/baidu_en8k/run_infer_golden.sh deleted file mode 100644 index a94c082ff..000000000 --- a/examples/transv1.8to2.x/example/baidu_en8k/run_infer_golden.sh +++ /dev/null @@ -1,55 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download language model -cd models/lm > /dev/null -bash download_lm_en.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# download well-trained model -cd models/baidu_en8k > /dev/null -bash download_model.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# infer -CUDA_VISIBLE_DEVICES=0 \ -python3 -u infer2x.py \ ---num_samples=10 \ ---beam_size=500 \ ---feat_dim=161 \ ---num_proc_bsearch=5 \ ---num_conv_layers=2 \ ---num_rnn_layers=3 \ ---rnn_layer_size=1024 \ ---alpha=1.4 \ ---beta=0.35 \ ---cutoff_prob=1.0 \ ---cutoff_top_n=40 \ ---use_gru=True \ ---use_gpu=False \ ---share_rnn_weights=False \ ---infer_manifest='data/librispeech/manifest.test-clean' \ ---mean_std_path='models/baidu_en8k/mean_std.npz' \ ---vocab_path='models/baidu_en8k/vocab.txt' \ ---model_path='models/baidu_en8k/baidu_en8k_v1.8.pdparams' \ ---lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm' \ ---decoding_method='ctc_beam_search' \ ---error_rate_type='wer' \ ---specgram_type='linear' - -if [ $? -ne 0 ]; then - echo "Failed in inference!" - exit 1 -fi - - -exit 0 diff --git a/examples/transv1.8to2.x/example/baidu_en8k/run_test_golden.sh b/examples/transv1.8to2.x/example/baidu_en8k/run_test_golden.sh deleted file mode 100644 index 9746015ee..000000000 --- a/examples/transv1.8to2.x/example/baidu_en8k/run_test_golden.sh +++ /dev/null @@ -1,55 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download language model -cd models/lm > /dev/null -bash download_lm_en.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - - -# download well-trained model -cd models/baidu_en8k > /dev/null -bash download_model.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# evaluate model -CUDA_VISIBLE_DEVICES=0 \ -python3 -u test2x.py \ ---batch_size=32 \ ---beam_size=500 \ ---feat_dim=161 \ ---num_proc_bsearch=8 \ ---num_conv_layers=2 \ ---num_rnn_layers=3 \ ---rnn_layer_size=1024 \ ---alpha=1.4 \ ---beta=0.35 \ ---cutoff_prob=1.0 \ ---cutoff_top_n=40 \ ---use_gru=True \ ---use_gpu=False \ ---share_rnn_weights=False \ ---test_manifest='data/librispeech/manifest.test-clean' \ ---mean_std_path='models/baidu_en8k/mean_std.npz' \ ---vocab_path='models/baidu_en8k/vocab.txt' \ ---model_path='models/baidu_en8k/baidu_en8k_v1.8.pdparams' \ ---lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm' \ ---decoding_method='ctc_beam_search' \ ---error_rate_type='wer' \ ---specgram_type='linear' - -if [ $? -ne 0 ]; then - echo "Failed in evaluation!" - exit 1 -fi - -exit 0 diff --git a/examples/transv1.8to2.x/example/librispeech/run_data.sh b/examples/transv1.8to2.x/example/librispeech/run_data.sh deleted file mode 100644 index 487d2d22f..000000000 --- a/examples/transv1.8to2.x/example/librispeech/run_data.sh +++ /dev/null @@ -1,45 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download data, generate manifests -PYTHONPATH=.:$PYTHONPATH python3 data/librispeech/librispeech.py \ ---manifest_prefix='data/librispeech/manifest' \ ---target_dir='../dataset/librispeech' \ ---full_download='True' - -if [ $? -ne 0 ]; then - echo "Prepare LibriSpeech failed. Terminated." - exit 1 -fi - -cat data/librispeech/manifest.train-* | shuf > data/librispeech/manifest.train - - -# build vocabulary -python3 tools/build_vocab.py \ ---count_threshold=0 \ ---vocab_path='data/librispeech/vocab.txt' \ ---manifest_paths='data/librispeech/manifest.train' - -if [ $? -ne 0 ]; then - echo "Build vocabulary failed. Terminated." - exit 1 -fi - - -# compute mean and stddev for normalizer -python3 tools/compute_mean_std.py \ ---manifest_path='data/librispeech/manifest.train' \ ---num_samples=2000 \ ---specgram_type='linear' \ ---output_path='data/librispeech/mean_std.npz' - -if [ $? -ne 0 ]; then - echo "Compute mean and stddev failed. Terminated." - exit 1 -fi - - -echo "LibriSpeech Data preparation done." -exit 0 diff --git a/examples/transv1.8to2.x/example/librispeech/run_infer_golden.sh b/examples/transv1.8to2.x/example/librispeech/run_infer_golden.sh deleted file mode 100644 index e860a8b2e..000000000 --- a/examples/transv1.8to2.x/example/librispeech/run_infer_golden.sh +++ /dev/null @@ -1,55 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download language model -cd models/lm > /dev/null -bash download_lm_en.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# download well-trained model -cd models/librispeech > /dev/null -bash download_model.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# infer -CUDA_VISIBLE_DEVICES=0 \ -python3 -u infer2x.py \ ---num_samples=10 \ ---beam_size=500 \ ---feat_dim=161 \ ---num_proc_bsearch=8 \ ---num_conv_layers=2 \ ---num_rnn_layers=3 \ ---rnn_layer_size=2048 \ ---alpha=2.5 \ ---beta=0.3 \ ---cutoff_prob=1.0 \ ---cutoff_top_n=40 \ ---use_gru=False \ ---use_gpu=True \ ---share_rnn_weights=True \ ---infer_manifest='data/librispeech/manifest.test-clean' \ ---mean_std_path='models/librispeech/mean_std.npz' \ ---vocab_path='models/librispeech/vocab.txt' \ ---model_path='models/librispeech/librispeech_v1.8.pdparams' \ ---lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm' \ ---decoding_method='ctc_beam_search' \ ---error_rate_type='wer' \ ---specgram_type='linear' - -if [ $? -ne 0 ]; then - echo "Failed in inference!" - exit 1 -fi - - -exit 0 diff --git a/examples/transv1.8to2.x/example/librispeech/run_test_golden.sh b/examples/transv1.8to2.x/example/librispeech/run_test_golden.sh deleted file mode 100644 index d03358407..000000000 --- a/examples/transv1.8to2.x/example/librispeech/run_test_golden.sh +++ /dev/null @@ -1,55 +0,0 @@ -#! /usr/bin/env bash - -cd ../.. > /dev/null - -# download language model -cd models/lm > /dev/null -bash download_lm_en.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# download well-trained model -cd models/librispeech > /dev/null -bash download_model.sh -if [ $? -ne 0 ]; then - exit 1 -fi -cd - > /dev/null - - -# evaluate model -CUDA_VISIBLE_DEVICES=0 \ -python3 -u test2x.py \ ---batch_size=32 \ ---beam_size=500 \ ---feat_dim=161 \ ---num_proc_bsearch=8 \ ---num_conv_layers=2 \ ---num_rnn_layers=3 \ ---rnn_layer_size=2048 \ ---alpha=2.5 \ ---beta=0.3 \ ---cutoff_prob=1.0 \ ---cutoff_top_n=40 \ ---use_gru=False \ ---use_gpu=True \ ---share_rnn_weights=True \ ---test_manifest='data/librispeech/manifest.test-clean' \ ---mean_std_path='models/librispeech/mean_std.npz' \ ---vocab_path='models/librispeech/vocab.txt' \ ---model_path='models/librispeech/librispeech_v1.8.pdparams' \ ---lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm' \ ---decoding_method='ctc_beam_search' \ ---error_rate_type='wer' \ ---specgram_type='linear' - -if [ $? -ne 0 ]; then - echo "Failed in evaluation!" - exit 1 -fi - - -exit 0 diff --git a/examples/transv1.8to2.x/infer2x.py b/examples/transv1.8to2.x/infer2x.py deleted file mode 100644 index f461b05b4..000000000 --- a/examples/transv1.8to2.x/infer2x.py +++ /dev/null @@ -1,163 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Inferer for DeepSpeech2 model.""" -import argparse -import functools - -import numpy as np -import paddle -import paddle.fluid as fluid -from data_utils.data import DataGenerator -from model_utils.model_check import check_cuda -from model_utils.model_check import check_version - -from deepspeech.models.ds2 import DeepSpeech2Model as DS2 -from utils.error_rate import cer -from utils.error_rate import wer -from utils.utility import add_arguments -from utils.utility import print_arguments -parser = argparse.ArgumentParser(description=__doc__) -add_arg = functools.partial(add_arguments, argparser=parser) -# yapf: disable -add_arg('num_samples', int, 10, "# of samples to infer.") -add_arg('beam_size', int, 500, "Beam search width.") -add_arg('feat_dim', int, 161, "Feature dim.") -add_arg('num_proc_bsearch', int, 8, "# of CPUs for beam search.") -add_arg('num_conv_layers', int, 2, "# of convolution layers.") -add_arg('num_rnn_layers', int, 3, "# of recurrent layers.") -add_arg('rnn_layer_size', int, 2048, "# of recurrent cells per layer.") -add_arg('alpha', float, 2.5, "Coef of LM for beam search.") -add_arg('beta', float, 0.3, "Coef of WC for beam search.") -add_arg('cutoff_prob', float, 1.0, "Cutoff probability for pruning.") -add_arg('cutoff_top_n', int, 40, "Cutoff number for pruning.") -add_arg('use_gru', bool, False, "Use GRUs instead of simple RNNs.") -add_arg('use_gpu', bool, True, "Use GPU or not.") -add_arg('share_rnn_weights', bool, True, "Share input-hidden weights across bi-directional RNNs. Not for GRU.") -add_arg('infer_manifest', str, - 'data/librispeech/manifest.dev-clean', - "Filepath of manifest to infer.") -add_arg('mean_std_path', str, - 'data/librispeech/mean_std.npz', - "Filepath of normalizer's mean & std.") -add_arg('vocab_path', str, - 'data/librispeech/vocab.txt', - "Filepath of vocabulary.") -add_arg('lang_model_path', str, - 'models/lm/common_crawl_00.prune01111.trie.klm', - "Filepath for language model.") -add_arg('model_path', str, - './checkpoints/libri/step_final', - "If None, the training starts from scratch, " - "otherwise, it resumes from the pre-trained model.") -add_arg('decoding_method', str, - 'ctc_beam_search', - "Decoding method. Options: ctc_beam_search, ctc_greedy", - choices=['ctc_beam_search', 'ctc_greedy']) -add_arg('error_rate_type', str, - 'wer', - "Error rate type for evaluation.", - choices=['wer', 'cer']) -add_arg('specgram_type', str, - 'linear', - "Audio feature type. Options: linear, mfcc.", - choices=['linear', 'mfcc']) -# yapf: disable -args = parser.parse_args() - - -def infer(): - """Inference for DeepSpeech2.""" - - # check if set use_gpu=True in paddlepaddle cpu version - check_cuda(args.use_gpu) - # check if paddlepaddle version is satisfied - check_version() - - if args.use_gpu: - place = fluid.CUDAPlace(0) - else: - place = fluid.CPUPlace() - - data_generator = DataGenerator( - vocab_filepath=args.vocab_path, - mean_std_filepath=args.mean_std_path, - augmentation_config='{}', - specgram_type=args.specgram_type, - keep_transcription_text=True, - place=place, - is_training=False) - batch_reader = data_generator.batch_reader_creator( - manifest_path=args.infer_manifest, - batch_size=args.num_samples, - sortagrad=False, - shuffle_method=None) - - # decoders only accept string encoded in utf-8 - vocab_list = [chars for chars in data_generator.vocab_list] - for i, char in enumerate(vocab_list): - if vocab_list[i] == '': - vocab_list[i] = " " - - model = DS2( - feat_size=args.feat_dim, - dict_size=len(vocab_list), - num_conv_layers=args.num_conv_layers, - num_rnn_layers=args.num_rnn_layers, - rnn_size=args.rnn_layer_size, - use_gru=args.use_gru, - share_rnn_weights=args.share_rnn_weights, - blank_id=len(vocab_list) - 1 - ) - params_path = args.model_path - model_dict = paddle.load(params_path) - model.set_state_dict(model_dict) - model.eval() - error_rate_func = cer if args.error_rate_type == 'cer' else wer - print("start inference ...") - for infer_data in batch_reader(): - target_transcripts = infer_data[1] - audio, target_transcripts, audio_len, mask = infer_data - audio = np.transpose(audio, (0, 2, 1)) - audio_len = audio_len.reshape(-1) - audio = paddle.to_tensor(audio) - audio_len = paddle.to_tensor(audio_len) - - result_transcripts = model.decode( - audio=audio, - audio_len=audio_len, - lang_model_path=args.lang_model_path, - decoding_method=args.decoding_method, - beam_alpha=args.alpha, - beam_beta=args.beta, - beam_size=args.beam_size, - cutoff_prob=args.cutoff_prob, - cutoff_top_n=args.cutoff_top_n, - vocab_list=vocab_list, - num_processes=args.num_proc_bsearch - ) - for target, result in zip(target_transcripts, result_transcripts): - print("\nTarget Transcription: %s\nOutput Transcription: %s" % - (target, result)) - print("Current error rate [%s] = %f" % - (args.error_rate_type, error_rate_func(target, result))) - - print("finish inference") - -def main(): - print_arguments(args) - infer() - - -if __name__ == '__main__': - main() diff --git a/examples/transv1.8to2.x/model_utils/__init__.py b/examples/transv1.8to2.x/model_utils/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/model_utils/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/model_utils/model_check.py b/examples/transv1.8to2.x/model_utils/model_check.py deleted file mode 100644 index f64299ee7..000000000 --- a/examples/transv1.8to2.x/model_utils/model_check.py +++ /dev/null @@ -1,49 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import sys - -import paddle.fluid as fluid - - -def check_cuda( - use_cuda, - err="\nYou can not set use_cuda = True in the model because you are using paddlepaddle-cpu.\n \ - Please: 1. Install paddlepaddle-gpu to run your models on GPU or 2. Set use_cuda = False to run models on CPU.\n" -): - """ - Log error and exit when set use_gpu=true in paddlepaddle - cpu version. - """ - try: - if use_cuda is True and fluid.is_compiled_with_cuda() is False: - print(err) - sys.exit(1) - except Exception as e: - pass - - -def check_version(): - """ - Log error and exit when the installed version of paddlepaddle is - not satisfied. - """ - err = "PaddlePaddle version 1.6 or higher is required, " \ - "or a suitable develop version is satisfied as well. \n" \ - "Please make sure the version is good with your code." \ - - try: - fluid.require_version('1.6.0') - except Exception as e: - print(err) - sys.exit(1) diff --git a/examples/transv1.8to2.x/test2x.py b/examples/transv1.8to2.x/test2x.py deleted file mode 100644 index 85a71b54d..000000000 --- a/examples/transv1.8to2.x/test2x.py +++ /dev/null @@ -1,169 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Evaluation for DeepSpeech2 model.""" -import argparse -import functools - -import numpy as np -import paddle -import paddle.fluid as fluid -from data_utils.data import DataGenerator -from model_utils.model_check import check_cuda -from model_utils.model_check import check_version - -from deepspeech.models.ds2 import DeepSpeech2Model as DS2 -from utils.error_rate import char_errors -from utils.error_rate import word_errors -from utils.utility import add_arguments -from utils.utility import print_arguments -parser = argparse.ArgumentParser(description=__doc__) -add_arg = functools.partial(add_arguments, argparser=parser) -# yapf: disable -add_arg('batch_size', int, 128, "Minibatch size.") -add_arg('beam_size', int, 500, "Beam search width.") -add_arg('feat_dim', int, 161, "Feature dim.") -add_arg('num_proc_bsearch', int, 8, "# of CPUs for beam search.") -add_arg('num_conv_layers', int, 2, "# of convolution layers.") -add_arg('num_rnn_layers', int, 3, "# of recurrent layers.") -add_arg('rnn_layer_size', int, 2048, "# of recurrent cells per layer.") -add_arg('alpha', float, 2.5, "Coef of LM for beam search.") -add_arg('beta', float, 0.3, "Coef of WC for beam search.") -add_arg('cutoff_prob', float, 1.0, "Cutoff probability for pruning.") -add_arg('cutoff_top_n', int, 40, "Cutoff number for pruning.") -add_arg('use_gru', bool, False, "Use GRUs instead of simple RNNs.") -add_arg('use_gpu', bool, True, "Use GPU or not.") -add_arg('share_rnn_weights', bool, True, "Share input-hidden weights across " - "bi-directional RNNs. Not for GRU.") -add_arg('test_manifest', str, - 'data/librispeech/manifest.test-clean', - "Filepath of manifest to evaluate.") -add_arg('mean_std_path', str, - 'data/librispeech/mean_std.npz', - "Filepath of normalizer's mean & std.") -add_arg('vocab_path', str, - 'data/librispeech/vocab.txt', - "Filepath of vocabulary.") -add_arg('model_path', str, - './checkpoints/libri/step_final', - "If None, the training starts from scratch, " - "otherwise, it resumes from the pre-trained model.") -add_arg('lang_model_path', str, - 'models/lm/common_crawl_00.prune01111.trie.klm', - "Filepath for language model.") -add_arg('decoding_method', str, - 'ctc_beam_search', - "Decoding method. Options: ctc_beam_search, ctc_greedy", - choices=['ctc_beam_search', 'ctc_greedy']) -add_arg('error_rate_type', str, - 'wer', - "Error rate type for evaluation.", - choices=['wer', 'cer']) -add_arg('specgram_type', str, - 'linear', - "Audio feature type. Options: linear, mfcc.", - choices=['linear', 'mfcc']) -# yapf: disable -args = parser.parse_args() - -def evaluate(): - """Evaluate on whole test data for DeepSpeech2.""" - - # check if set use_gpu=True in paddlepaddle cpu version - check_cuda(args.use_gpu) - # check if paddlepaddle version is satisfied - check_version() - - if args.use_gpu: - place = fluid.CUDAPlace(0) - else: - place = fluid.CPUPlace() - - data_generator = DataGenerator( - vocab_filepath=args.vocab_path, - mean_std_filepath=args.mean_std_path, - augmentation_config='{}', - specgram_type=args.specgram_type, - keep_transcription_text=True, - place=place, - is_training=False) - batch_reader = data_generator.batch_reader_creator( - manifest_path=args.test_manifest, - batch_size=args.batch_size, - sortagrad=False, - shuffle_method=None) - - - # decoders only accept string encoded in utf-8 - vocab_list = [chars for chars in data_generator.vocab_list] - for i, char in enumerate(vocab_list): - if vocab_list[i] == '': - vocab_list[i] = " " - - model = DS2( - feat_size=args.feat_dim, - dict_size=len(vocab_list), - num_conv_layers=args.num_conv_layers, - num_rnn_layers=args.num_rnn_layers, - rnn_size=args.rnn_layer_size, - use_gru=args.use_gru, - share_rnn_weights=args.share_rnn_weights, - blank_id=len(vocab_list) - 1 - ) - - params_path = args.model_path - model_dict = paddle.load(params_path) - model.set_state_dict(model_dict) - model.eval() - errors_func = char_errors if args.error_rate_type == 'cer' else word_errors - errors_sum, len_refs, num_ins = 0.0, 0, 0 - - print("start evaluation ...") - for infer_data in batch_reader(): - audio, target_transcripts, audio_len, mask = infer_data - audio = np.transpose(audio, (0, 2, 1)) - audio_len = audio_len.reshape(-1) - audio = paddle.to_tensor(audio) - audio_len = paddle.to_tensor(audio_len) - result_transcripts = model.decode( - audio=audio, - audio_len=audio_len, - lang_model_path=args.lang_model_path, - decoding_method=args.decoding_method, - beam_alpha=args.alpha, - beam_beta=args.beta, - beam_size=args.beam_size, - cutoff_prob=args.cutoff_prob, - cutoff_top_n=args.cutoff_top_n, - vocab_list=vocab_list, - num_processes=args.num_proc_bsearch - ) - for target, result in zip(target_transcripts, result_transcripts): - errors, len_ref = errors_func(target, result) - errors_sum += errors - len_refs += len_ref - num_ins += 1 - print("Error rate [%s] (%d/?) = %f" % - (args.error_rate_type, num_ins, errors_sum / len_refs)) - print("Final error rate [%s] (%d/%d) = %f" % - (args.error_rate_type, num_ins, num_ins, errors_sum / len_refs)) - - print("finish evaluation") - -def main(): - print_arguments(args) - evaluate() - - -if __name__ == '__main__': - main() diff --git a/examples/transv1.8to2.x/tools/_init_paths.py b/examples/transv1.8to2.x/tools/_init_paths.py deleted file mode 100644 index 2f7a5dbdf..000000000 --- a/examples/transv1.8to2.x/tools/_init_paths.py +++ /dev/null @@ -1,31 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Set up paths for DS2""" -import os.path -import sys - - -def add_path(path): - if path not in sys.path: - sys.path.insert(0, path) - - -this_dir = os.path.dirname(__file__) -# Add project path to PYTHONPATH -proj_path = os.path.join(this_dir, '..') -add_path(proj_path) - - -def do_nothing(): - pass diff --git a/examples/transv1.8to2.x/tools/build_vocab.py b/examples/transv1.8to2.x/tools/build_vocab.py deleted file mode 100644 index 4ecf9bcc3..000000000 --- a/examples/transv1.8to2.x/tools/build_vocab.py +++ /dev/null @@ -1,70 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Build vocabulary from manifest files. - -Each item in vocabulary file is a character. -""" -import argparse -import codecs -import functools -from collections import Counter - -import _init_paths -from data_utils.utility import read_manifest - -from utils.utility import add_arguments -from utils.utility import print_arguments - -parser = argparse.ArgumentParser(description=__doc__) -add_arg = functools.partial(add_arguments, argparser=parser) -# yapf: disable -add_arg('count_threshold', int, 0, "Truncation threshold for char counts.") -add_arg('vocab_path', str, - 'data/librispeech/vocab.txt', - "Filepath to write the vocabulary.") -add_arg('manifest_paths', str, - None, - "Filepaths of manifests for building vocabulary. " - "You can provide multiple manifest files.", - nargs='+', - required=True) -# yapf: disable -args = parser.parse_args() - -_init_paths.do_nothing() - -def count_manifest(counter, manifest_path): - manifest_jsons = read_manifest(manifest_path) - for line_json in manifest_jsons: - for char in line_json['text']: - counter.update(char) - - -def main(): - print_arguments(args) - - counter = Counter() - for manifest_path in args.manifest_paths: - count_manifest(counter, manifest_path) - - count_sorted = sorted(counter.items(), key=lambda x: x[1], reverse=True) - with codecs.open(args.vocab_path, 'w', 'utf-8') as fout: - for char, count in count_sorted: - if count < args.count_threshold: - break - fout.write(char + '\n') - - -if __name__ == '__main__': - main() diff --git a/examples/transv1.8to2.x/tools/compute_mean_std.py b/examples/transv1.8to2.x/tools/compute_mean_std.py deleted file mode 100644 index cd402817c..000000000 --- a/examples/transv1.8to2.x/tools/compute_mean_std.py +++ /dev/null @@ -1,64 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Compute mean and std for feature normalizer, and save to file.""" -import argparse -import functools - -import _init_paths -from data_utils.augmentor.augmentation import AugmentationPipeline -from data_utils.featurizer.audio_featurizer import AudioFeaturizer -from data_utils.normalizer import FeatureNormalizer - -from utils.utility import add_arguments -from utils.utility import print_arguments - -parser = argparse.ArgumentParser(description=__doc__) -add_arg = functools.partial(add_arguments, argparser=parser) -# yapf: disable -add_arg('num_samples', int, 2000, "# of samples to for statistics.") -add_arg('specgram_type', str, - 'linear', - "Audio feature type. Options: linear, mfcc.", - choices=['linear', 'mfcc']) -add_arg('manifest_path', str, - 'data/librispeech/manifest.train', - "Filepath of manifest to compute normalizer's mean and stddev.") -add_arg('output_path', str, - 'data/librispeech/mean_std.npz', - "Filepath of write mean and stddev to (.npz).") -# yapf: disable -args = parser.parse_args() - -_init_paths.do_nothing() - -def main(): - print_arguments(args) - - augmentation_pipeline = AugmentationPipeline('{}') - audio_featurizer = AudioFeaturizer(specgram_type=args.specgram_type) - - def augment_and_featurize(audio_segment): - augmentation_pipeline.transform_audio(audio_segment) - return audio_featurizer.featurize(audio_segment) - - normalizer = FeatureNormalizer( - mean_std_filepath=None, - manifest_path=args.manifest_path, - featurize_func=augment_and_featurize, - num_samples=args.num_samples) - normalizer.write_to_file(args.output_path) - - -if __name__ == '__main__': - main() diff --git a/examples/transv1.8to2.x/utils/__init__.py b/examples/transv1.8to2.x/utils/__init__.py deleted file mode 100644 index 185a92b8d..000000000 --- a/examples/transv1.8to2.x/utils/__init__.py +++ /dev/null @@ -1,13 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/examples/transv1.8to2.x/utils/error_rate.py b/examples/transv1.8to2.x/utils/error_rate.py deleted file mode 100644 index 1fe8a7268..000000000 --- a/examples/transv1.8to2.x/utils/error_rate.py +++ /dev/null @@ -1,204 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""This module provides functions to calculate error rate in different level. -e.g. wer for word-level, cer for char-level. -""" -import numpy as np - - -def _levenshtein_distance(ref, hyp): - """Levenshtein distance is a string metric for measuring the difference - between two sequences. Informally, the levenshtein disctance is defined as - the minimum number of single-character edits (substitutions, insertions or - deletions) required to change one word into the other. We can naturally - extend the edits to word level when calculate levenshtein disctance for - two sentences. - """ - m = len(ref) - n = len(hyp) - - # special case - if ref == hyp: - return 0 - if m == 0: - return n - if n == 0: - return m - - if m < n: - ref, hyp = hyp, ref - m, n = n, m - - # use O(min(m, n)) space - distance = np.zeros((2, n + 1), dtype=np.int32) - - # initialize distance matrix - for j in range(n + 1): - distance[0][j] = j - - # calculate levenshtein distance - for i in range(1, m + 1): - prev_row_idx = (i - 1) % 2 - cur_row_idx = i % 2 - distance[cur_row_idx][0] = i - for j in range(1, n + 1): - if ref[i - 1] == hyp[j - 1]: - distance[cur_row_idx][j] = distance[prev_row_idx][j - 1] - else: - s_num = distance[prev_row_idx][j - 1] + 1 - i_num = distance[cur_row_idx][j - 1] + 1 - d_num = distance[prev_row_idx][j] + 1 - distance[cur_row_idx][j] = min(s_num, i_num, d_num) - - return distance[m % 2][n] - - -def word_errors(reference, hypothesis, ignore_case=False, delimiter=' '): - """Compute the levenshtein distance between reference sequence and - hypothesis sequence in word-level. - - :param reference: The reference sentence. - :type reference: str - :param hypothesis: The hypothesis sentence. - :type hypothesis: str - :param ignore_case: Whether case-sensitive or not. - :type ignore_case: bool - :param delimiter: Delimiter of input sentences. - :type delimiter: char - :return: Levenshtein distance and word number of reference sentence. - :rtype: list - """ - if ignore_case is True: - reference = reference.lower() - hypothesis = hypothesis.lower() - - ref_words = list(filter(None, reference.split(delimiter))) - hyp_words = list(filter(None, hypothesis.split(delimiter))) - - edit_distance = _levenshtein_distance(ref_words, hyp_words) - return float(edit_distance), len(ref_words) - - -def char_errors(reference, hypothesis, ignore_case=False, remove_space=False): - """Compute the levenshtein distance between reference sequence and - hypothesis sequence in char-level. - - :param reference: The reference sentence. - :type reference: str - :param hypothesis: The hypothesis sentence. - :type hypothesis: str - :param ignore_case: Whether case-sensitive or not. - :type ignore_case: bool - :param remove_space: Whether remove internal space characters - :type remove_space: bool - :return: Levenshtein distance and length of reference sentence. - :rtype: list - """ - if ignore_case is True: - reference = reference.lower() - hypothesis = hypothesis.lower() - - join_char = ' ' - if remove_space is True: - join_char = '' - - reference = join_char.join(list(filter(None, reference.split(' ')))) - hypothesis = join_char.join(list(filter(None, hypothesis.split(' ')))) - - edit_distance = _levenshtein_distance(reference, hypothesis) - return float(edit_distance), len(reference) - - -def wer(reference, hypothesis, ignore_case=False, delimiter=' '): - """Calculate word error rate (WER). WER compares reference text and - hypothesis text in word-level. WER is defined as: - - .. math:: - WER = (Sw + Dw + Iw) / Nw - - where - - .. code-block:: text - - Sw is the number of words subsituted, - Dw is the number of words deleted, - Iw is the number of words inserted, - Nw is the number of words in the reference - - We can use levenshtein distance to calculate WER. Please draw an attention - that empty items will be removed when splitting sentences by delimiter. - - :param reference: The reference sentence. - :type reference: str - :param hypothesis: The hypothesis sentence. - :type hypothesis: str - :param ignore_case: Whether case-sensitive or not. - :type ignore_case: bool - :param delimiter: Delimiter of input sentences. - :type delimiter: char - :return: Word error rate. - :rtype: float - :raises ValueError: If word number of reference is zero. - """ - edit_distance, ref_len = word_errors(reference, hypothesis, ignore_case, - delimiter) - - if ref_len == 0: - raise ValueError("Reference's word number should be greater than 0.") - - wer = float(edit_distance) / ref_len - return wer - - -def cer(reference, hypothesis, ignore_case=False, remove_space=False): - """Calculate charactor error rate (CER). CER compares reference text and - hypothesis text in char-level. CER is defined as: - - .. math:: - CER = (Sc + Dc + Ic) / Nc - - where - - .. code-block:: text - - Sc is the number of characters substituted, - Dc is the number of characters deleted, - Ic is the number of characters inserted - Nc is the number of characters in the reference - - We can use levenshtein distance to calculate CER. Chinese input should be - encoded to unicode. Please draw an attention that the leading and tailing - space characters will be truncated and multiple consecutive space - characters in a sentence will be replaced by one space character. - - :param reference: The reference sentence. - :type reference: str - :param hypothesis: The hypothesis sentence. - :type hypothesis: str - :param ignore_case: Whether case-sensitive or not. - :type ignore_case: bool - :param remove_space: Whether remove internal space characters - :type remove_space: bool - :return: Character error rate. - :rtype: float - :raises ValueError: If the reference length is zero. - """ - edit_distance, ref_len = char_errors(reference, hypothesis, ignore_case, - remove_space) - - if ref_len == 0: - raise ValueError("Length of reference should be greater than 0.") - - cer = float(edit_distance) / ref_len - return cer diff --git a/examples/transv1.8to2.x/utils/tests/test_error_rate.py b/examples/transv1.8to2.x/utils/tests/test_error_rate.py deleted file mode 100644 index 2235218d9..000000000 --- a/examples/transv1.8to2.x/utils/tests/test_error_rate.py +++ /dev/null @@ -1,124 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Test error rate.""" -import unittest - -from utils import error_rate - - -class TestParse(unittest.TestCase): - def test_wer_1(self): - ref = 'i UM the PHONE IS i LEFT THE portable PHONE UPSTAIRS last night' - hyp = 'i GOT IT TO the FULLEST i LOVE TO portable FROM OF STORES last '\ - 'night' - word_error_rate = error_rate.wer(ref, hyp) - self.assertTrue(abs(word_error_rate - 0.769230769231) < 1e-6) - - def test_wer_2(self): - ref = 'as any in england i would say said gamewell proudly that is '\ - 'in his day' - hyp = 'as any in england i would say said came well proudly that is '\ - 'in his day' - word_error_rate = error_rate.wer(ref, hyp) - self.assertTrue(abs(word_error_rate - 0.1333333) < 1e-6) - - def test_wer_3(self): - ref = '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' - hyp = 'the lieutenant governor little bit how bags afterward '\ - 'governor was a pronounced warman hater and throughout the '\ - 'period of th troubles he manifests sympathy with the '\ - 'persecutors' - word_error_rate = error_rate.wer(ref, hyp) - self.assertTrue(abs(word_error_rate - 0.2692307692) < 1e-6) - - def test_wer_4(self): - ref = 'the wood flamed up splendidly under the large brewing copper '\ - 'and it sighed so deeply' - hyp = 'the wood flame do splendidly under the large brewing copper '\ - 'and its side so deeply' - word_error_rate = error_rate.wer(ref, hyp) - self.assertTrue(abs(word_error_rate - 0.2666666667) < 1e-6) - - def test_wer_5(self): - ref = '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' - hyp = 'all the morning they trudged up the mountain path and at noon '\ - 'unc in ojo sat on a fallen tree trunk and ate the last of '\ - 'the bread which the old munchkin had placed in his pocket' - word_error_rate = error_rate.wer(ref, hyp) - self.assertTrue(abs(word_error_rate - 0.027027027) < 1e-6) - - def test_wer_6(self): - ref = 'i UM the PHONE IS i LEFT THE portable PHONE UPSTAIRS last night' - word_error_rate = error_rate.wer(ref, ref) - self.assertEqual(word_error_rate, 0.0) - - def test_wer_7(self): - ref = ' ' - hyp = 'Hypothesis sentence' - with self.assertRaises(ValueError): - word_error_rate = error_rate.wer(ref, hyp) - - def test_cer_1(self): - ref = 'werewolf' - hyp = 'weae wolf' - char_error_rate = error_rate.cer(ref, hyp) - self.assertTrue(abs(char_error_rate - 0.25) < 1e-6) - - def test_cer_2(self): - ref = 'werewolf' - hyp = 'weae wolf' - char_error_rate = error_rate.cer(ref, hyp, remove_space=True) - self.assertTrue(abs(char_error_rate - 0.125) < 1e-6) - - def test_cer_3(self): - ref = 'were wolf' - hyp = 'were wolf' - char_error_rate = error_rate.cer(ref, hyp) - self.assertTrue(abs(char_error_rate - 0.0) < 1e-6) - - def test_cer_4(self): - ref = 'werewolf' - char_error_rate = error_rate.cer(ref, ref) - self.assertEqual(char_error_rate, 0.0) - - def test_cer_5(self): - ref = u'我是中国人' - hyp = u'我是 美洲人' - char_error_rate = error_rate.cer(ref, hyp) - self.assertTrue(abs(char_error_rate - 0.6) < 1e-6) - - def test_cer_6(self): - ref = u'我 是 中 国 人' - hyp = u'我 是 美 洲 人' - char_error_rate = error_rate.cer(ref, hyp, remove_space=True) - self.assertTrue(abs(char_error_rate - 0.4) < 1e-6) - - def test_cer_7(self): - ref = u'我是中国人' - char_error_rate = error_rate.cer(ref, ref) - self.assertFalse(char_error_rate, 0.0) - - def test_cer_8(self): - ref = '' - hyp = 'Hypothesis' - with self.assertRaises(ValueError): - char_error_rate = error_rate.cer(ref, hyp) - - -if __name__ == '__main__': - unittest.main() diff --git a/examples/transv1.8to2.x/utils/utility.py b/examples/transv1.8to2.x/utils/utility.py deleted file mode 100644 index f9790843f..000000000 --- a/examples/transv1.8to2.x/utils/utility.py +++ /dev/null @@ -1,56 +0,0 @@ -# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Contains common utility functions.""" -import distutils.util - - -def print_arguments(args): - """Print argparse's arguments. - - Usage: - - .. code-block:: python - - parser = argparse.ArgumentParser() - parser.add_argument("name", default="Jonh", type=str, help="User name.") - args = parser.parse_args() - print_arguments(args) - - :param args: Input argparse.Namespace for printing. - :type args: argparse.Namespace - """ - print("----------- Configuration Arguments -----------") - for arg, value in sorted(vars(args).items()): - print("%s: %s" % (arg, value)) - print("------------------------------------------------") - - -def add_arguments(argname, type, default, help, argparser, **kwargs): - """Add argparse's argument. - - Usage: - - .. code-block:: python - - parser = argparse.ArgumentParser() - add_argument("name", str, "Jonh", "User name.", parser) - args = parser.parse_args() - """ - type = distutils.util.strtobool if type == bool else type - argparser.add_argument( - "--" + argname, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) diff --git a/examples/transv1.8to2.x/utils/utility.sh b/examples/transv1.8to2.x/utils/utility.sh deleted file mode 100644 index baae04743..000000000 --- a/examples/transv1.8to2.x/utils/utility.sh +++ /dev/null @@ -1,23 +0,0 @@ -download() { - URL=$1 - MD5=$2 - TARGET=$3 - - if [ -e $TARGET ]; then - md5_result=`md5sum $TARGET | awk -F[' '] '{print $1}'` - if [ $MD5 == $md5_result ]; then - echo "$TARGET already exists, download skipped." - return 0 - fi - fi - - wget -c $URL -O "$TARGET" - if [ $? -ne 0 ]; then - return 1 - fi - - md5_result=`md5sum $TARGET | awk -F[' '] '{print $1}'` - if [ ! $MD5 == $md5_result ]; then - return 1 - fi -} diff --git a/examples/v18_to_v2x/.gitignore b/examples/v18_to_v2x/.gitignore new file mode 100644 index 000000000..a9a5aecf4 --- /dev/null +++ b/examples/v18_to_v2x/.gitignore @@ -0,0 +1 @@ +tmp diff --git a/examples/transv1.8to2.x/deepspeech/__init__.py b/examples/v18_to_v2x/deepspeech2x/__init__.py similarity index 100% rename from examples/transv1.8to2.x/deepspeech/__init__.py rename to examples/v18_to_v2x/deepspeech2x/__init__.py diff --git a/examples/v18_to_v2x/deepspeech2x/bin/test.py b/examples/v18_to_v2x/deepspeech2x/bin/test.py new file mode 100644 index 000000000..3fa0a61de --- /dev/null +++ b/examples/v18_to_v2x/deepspeech2x/bin/test.py @@ -0,0 +1,56 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Evaluation for DeepSpeech2 model.""" +from deepspeech2x.model import DeepSpeech2Tester as Tester + +from deepspeech.exps.deepspeech2.config import get_cfg_defaults +from deepspeech.training.cli import default_argument_parser +from deepspeech.utils.utility import print_arguments + + +def main_sp(config, args): + exp = Tester(config, args) + exp.setup() + exp.run_test() + + +def main(config, args): + main_sp(config, args) + + +if __name__ == "__main__": + parser = default_argument_parser() + parser.add_argument("--model_type") + # save asr result to + parser.add_argument( + "--result_file", type=str, help="path of save the asr result") + args = parser.parse_args() + print_arguments(args, globals()) + if args.model_type is None: + args.model_type = 'offline' + print("model_type:{}".format(args.model_type)) + + # https://yaml.org/type/float.html + config = get_cfg_defaults(args.model_type) + if args.config: + config.merge_from_file(args.config) + if args.opts: + config.merge_from_list(args.opts) + config.freeze() + print(config) + if args.dump_config: + with open(args.dump_config, 'w') as f: + print(config, file=f) + + main(config, args) diff --git a/examples/v18_to_v2x/deepspeech2x/model.py b/examples/v18_to_v2x/deepspeech2x/model.py new file mode 100644 index 000000000..1fe1e2d68 --- /dev/null +++ b/examples/v18_to_v2x/deepspeech2x/model.py @@ -0,0 +1,427 @@ +# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Contains DeepSpeech2 and DeepSpeech2Online model.""" +import time +from collections import defaultdict +from contextlib import nullcontext +from pathlib import Path +from typing import Optional + +import numpy as np +import paddle +from deepspeech2x.models.ds2 import DeepSpeech2InferModel +from deepspeech2x.models.ds2 import DeepSpeech2Model +from paddle import distributed as dist +from paddle.io import DataLoader +from yacs.config import CfgNode + +from deepspeech.io.collator import SpeechCollator +from deepspeech.io.dataset import ManifestDataset +from deepspeech.io.sampler import SortagradBatchSampler +from deepspeech.io.sampler import SortagradDistributedBatchSampler +from deepspeech.models.ds2_online import DeepSpeech2InferModelOnline +from deepspeech.models.ds2_online import DeepSpeech2ModelOnline +from deepspeech.training.gradclip import ClipGradByGlobalNormWithLog +from deepspeech.training.trainer import Trainer +from deepspeech.utils import error_rate +from deepspeech.utils import layer_tools +from deepspeech.utils import mp_tools +from deepspeech.utils.log import Log +#from deepspeech.utils.log import Autolog + +logger = Log(__name__).getlog() + + +class DeepSpeech2Trainer(Trainer): + @classmethod + def params(cls, config: Optional[CfgNode]=None) -> CfgNode: + # training config + default = CfgNode( + dict( + lr=5e-4, # learning rate + lr_decay=1.0, # learning rate decay + weight_decay=1e-6, # the coeff of weight decay + global_grad_clip=5.0, # the global norm clip + n_epoch=50, # train epochs + )) + + if config is not None: + config.merge_from_other_cfg(default) + return default + + def __init__(self, config, args): + super().__init__(config, args) + + def train_batch(self, batch_index, batch_data, msg): + train_conf = self.config.training + start = time.time() + + # forward + utt, audio, audio_len, text, text_len = batch_data + loss = self.model(audio, audio_len, text, text_len) + losses_np = { + 'train_loss': float(loss), + } + + # loss backward + if (batch_index + 1) % train_conf.accum_grad != 0: + # Disable gradient synchronizations across DDP processes. + # Within this context, gradients will be accumulated on module + # variables, which will later be synchronized. + context = self.model.no_sync + else: + # Used for single gpu training and DDP gradient synchronization + # processes. + context = nullcontext + + with context(): + loss.backward() + layer_tools.print_grads(self.model, print_func=None) + + # optimizer step + if (batch_index + 1) % train_conf.accum_grad == 0: + self.optimizer.step() + self.optimizer.clear_grad() + self.iteration += 1 + + iteration_time = time.time() - start + + msg += "train time: {:>.3f}s, ".format(iteration_time) + msg += "batch size: {}, ".format(self.config.collator.batch_size) + msg += "accum: {}, ".format(train_conf.accum_grad) + msg += ', '.join('{}: {:>.6f}'.format(k, v) + for k, v in losses_np.items()) + logger.info(msg) + + if dist.get_rank() == 0 and self.visualizer: + for k, v in losses_np.items(): + # `step -1` since we update `step` after optimizer.step(). + self.visualizer.add_scalar("train/{}".format(k), v, + self.iteration - 1) + + @paddle.no_grad() + def valid(self): + logger.info(f"Valid Total Examples: {len(self.valid_loader.dataset)}") + self.model.eval() + valid_losses = defaultdict(list) + num_seen_utts = 1 + total_loss = 0.0 + for i, batch in enumerate(self.valid_loader): + utt, audio, audio_len, text, text_len = batch + loss = self.model(audio, audio_len, text, text_len) + if paddle.isfinite(loss): + num_utts = batch[1].shape[0] + num_seen_utts += num_utts + total_loss += float(loss) * num_utts + valid_losses['val_loss'].append(float(loss)) + + if (i + 1) % self.config.training.log_interval == 0: + valid_dump = {k: np.mean(v) for k, v in valid_losses.items()} + valid_dump['val_history_loss'] = total_loss / num_seen_utts + + # logging + msg = f"Valid: Rank: {dist.get_rank()}, " + msg += "epoch: {}, ".format(self.epoch) + msg += "step: {}, ".format(self.iteration) + msg += "batch : {}/{}, ".format(i + 1, len(self.valid_loader)) + msg += ', '.join('{}: {:>.6f}'.format(k, v) + for k, v in valid_dump.items()) + logger.info(msg) + + logger.info('Rank {} Val info val_loss {}'.format( + dist.get_rank(), total_loss / num_seen_utts)) + return total_loss, num_seen_utts + + def setup_model(self): + config = self.config.clone() + config.defrost() + config.model.feat_size = self.train_loader.collate_fn.feature_size + #config.model.dict_size = self.train_loader.collate_fn.vocab_size + config.model.dict_size = len(self.train_loader.collate_fn.vocab_list) + config.freeze() + + if self.args.model_type == 'offline': + model = DeepSpeech2Model.from_config(config.model) + elif self.args.model_type == 'online': + model = DeepSpeech2ModelOnline.from_config(config.model) + else: + raise Exception("wrong model type") + if self.parallel: + model = paddle.DataParallel(model) + + logger.info(f"{model}") + layer_tools.print_params(model, logger.info) + + grad_clip = ClipGradByGlobalNormWithLog( + config.training.global_grad_clip) + lr_scheduler = paddle.optimizer.lr.ExponentialDecay( + learning_rate=config.training.lr, + gamma=config.training.lr_decay, + verbose=True) + optimizer = paddle.optimizer.Adam( + learning_rate=lr_scheduler, + parameters=model.parameters(), + weight_decay=paddle.regularizer.L2Decay( + config.training.weight_decay), + grad_clip=grad_clip) + + self.model = model + self.optimizer = optimizer + self.lr_scheduler = lr_scheduler + logger.info("Setup model/optimizer/lr_scheduler!") + + def setup_dataloader(self): + config = self.config.clone() + config.defrost() + config.collator.keep_transcription_text = False + + config.data.manifest = config.data.train_manifest + train_dataset = ManifestDataset.from_config(config) + + config.data.manifest = config.data.dev_manifest + dev_dataset = ManifestDataset.from_config(config) + + config.data.manifest = config.data.test_manifest + test_dataset = ManifestDataset.from_config(config) + + if self.parallel: + batch_sampler = SortagradDistributedBatchSampler( + train_dataset, + batch_size=config.collator.batch_size, + num_replicas=None, + rank=None, + shuffle=True, + drop_last=True, + sortagrad=config.collator.sortagrad, + shuffle_method=config.collator.shuffle_method) + else: + batch_sampler = SortagradBatchSampler( + train_dataset, + shuffle=True, + batch_size=config.collator.batch_size, + drop_last=True, + sortagrad=config.collator.sortagrad, + shuffle_method=config.collator.shuffle_method) + + collate_fn_train = SpeechCollator.from_config(config) + + config.collator.augmentation_config = "" + collate_fn_dev = SpeechCollator.from_config(config) + + config.collator.keep_transcription_text = True + config.collator.augmentation_config = "" + collate_fn_test = SpeechCollator.from_config(config) + + self.train_loader = DataLoader( + train_dataset, + batch_sampler=batch_sampler, + collate_fn=collate_fn_train, + num_workers=config.collator.num_workers) + self.valid_loader = DataLoader( + dev_dataset, + batch_size=config.collator.batch_size, + shuffle=False, + drop_last=False, + collate_fn=collate_fn_dev) + self.test_loader = DataLoader( + test_dataset, + batch_size=config.decoding.batch_size, + shuffle=False, + drop_last=False, + collate_fn=collate_fn_test) + if "" in self.test_loader.collate_fn.vocab_list: + self.test_loader.collate_fn.vocab_list.remove("") + if "" in self.valid_loader.collate_fn.vocab_list: + self.valid_loader.collate_fn.vocab_list.remove("") + if "" in self.train_loader.collate_fn.vocab_list: + self.train_loader.collate_fn.vocab_list.remove("") + logger.info("Setup train/valid/test Dataloader!") + + +class DeepSpeech2Tester(DeepSpeech2Trainer): + @classmethod + def params(cls, config: Optional[CfgNode]=None) -> CfgNode: + # testing config + default = CfgNode( + dict( + alpha=2.5, # Coef of LM for beam search. + beta=0.3, # Coef of WC for beam search. + cutoff_prob=1.0, # Cutoff probability for pruning. + cutoff_top_n=40, # Cutoff number for pruning. + lang_model_path='models/lm/common_crawl_00.prune01111.trie.klm', # Filepath for language model. + decoding_method='ctc_beam_search', # Decoding method. Options: ctc_beam_search, ctc_greedy + error_rate_type='wer', # Error rate type for evaluation. Options `wer`, 'cer' + num_proc_bsearch=8, # # of CPUs for beam search. + beam_size=500, # Beam search width. + batch_size=128, # decoding batch size + )) + + if config is not None: + config.merge_from_other_cfg(default) + return default + + def __init__(self, config, args): + super().__init__(config, args) + + def ordid2token(self, texts, texts_len): + """ ord() id to chr() chr """ + trans = [] + for text, n in zip(texts, texts_len): + n = n.numpy().item() + ids = text[:n] + trans.append(''.join([chr(i) for i in ids])) + return trans + + def compute_metrics(self, + utts, + audio, + audio_len, + texts, + texts_len, + fout=None): + cfg = self.config.decoding + errors_sum, len_refs, num_ins = 0.0, 0, 0 + errors_func = error_rate.char_errors if cfg.error_rate_type == 'cer' else error_rate.word_errors + error_rate_func = error_rate.cer if cfg.error_rate_type == 'cer' else error_rate.wer + + vocab_list = self.test_loader.collate_fn.vocab_list + if "" in vocab_list: + space_id = vocab_list.index("") + vocab_list[space_id] = " " + + target_transcripts = self.ordid2token(texts, texts_len) + + result_transcripts = self.compute_result_transcripts(audio, audio_len, + vocab_list, cfg) + for utt, target, result in zip(utts, target_transcripts, + result_transcripts): + errors, len_ref = errors_func(target, result) + errors_sum += errors + len_refs += len_ref + num_ins += 1 + if fout: + fout.write(utt + " " + result + "\n") + logger.info("\nTarget Transcription: %s\nOutput Transcription: %s" % + (target, result)) + logger.info("Current error rate [%s] = %f" % + (cfg.error_rate_type, error_rate_func(target, result))) + + return dict( + errors_sum=errors_sum, + len_refs=len_refs, + num_ins=num_ins, + error_rate=errors_sum / len_refs, + error_rate_type=cfg.error_rate_type) + + def compute_result_transcripts(self, audio, audio_len, vocab_list, cfg): + result_transcripts = self.model.decode( + audio, + audio_len, + vocab_list, + decoding_method=cfg.decoding_method, + lang_model_path=cfg.lang_model_path, + beam_alpha=cfg.alpha, + beam_beta=cfg.beta, + beam_size=cfg.beam_size, + cutoff_prob=cfg.cutoff_prob, + cutoff_top_n=cfg.cutoff_top_n, + num_processes=cfg.num_proc_bsearch) + return result_transcripts + + @mp_tools.rank_zero_only + @paddle.no_grad() + def test(self): + logger.info(f"Test Total Examples: {len(self.test_loader.dataset)}") + self.model.eval() + cfg = self.config + error_rate_type = None + errors_sum, len_refs, num_ins = 0.0, 0, 0 + with open(self.args.result_file, 'w') as fout: + for i, batch in enumerate(self.test_loader): + utts, audio, audio_len, texts, texts_len = batch + metrics = self.compute_metrics(utts, audio, audio_len, texts, + texts_len, fout) + errors_sum += metrics['errors_sum'] + len_refs += metrics['len_refs'] + num_ins += metrics['num_ins'] + error_rate_type = metrics['error_rate_type'] + logger.info("Error rate [%s] (%d/?) = %f" % + (error_rate_type, num_ins, errors_sum / len_refs)) + + # logging + msg = "Test: " + msg += "epoch: {}, ".format(self.epoch) + msg += "step: {}, ".format(self.iteration) + msg += "Final error rate [%s] (%d/%d) = %f" % ( + error_rate_type, num_ins, num_ins, errors_sum / len_refs) + logger.info(msg) + + # self.autolog.report() + + def run_test(self): + self.resume_or_scratch() + try: + self.test() + except KeyboardInterrupt: + exit(-1) + + def export(self): + if self.args.model_type == 'offline': + infer_model = DeepSpeech2InferModel.from_pretrained( + self.test_loader, self.config, self.args.checkpoint_path) + elif self.args.model_type == 'online': + infer_model = DeepSpeech2InferModelOnline.from_pretrained( + self.test_loader, self.config, self.args.checkpoint_path) + else: + raise Exception("wrong model type") + + infer_model.eval() + feat_dim = self.test_loader.collate_fn.feature_size + static_model = infer_model.export() + logger.info(f"Export code: {static_model.forward.code}") + paddle.jit.save(static_model, self.args.export_path) + + def run_export(self): + try: + self.export() + except KeyboardInterrupt: + exit(-1) + + def setup(self): + """Setup the experiment. + """ + paddle.set_device(self.args.device) + + self.setup_output_dir() + self.setup_checkpointer() + + self.setup_dataloader() + self.setup_model() + + self.iteration = 0 + self.epoch = 0 + + def setup_output_dir(self): + """Create a directory used for output. + """ + # output dir + if self.args.output: + output_dir = Path(self.args.output).expanduser() + output_dir.mkdir(parents=True, exist_ok=True) + else: + output_dir = Path( + self.args.checkpoint_path).expanduser().parent.parent + output_dir.mkdir(parents=True, exist_ok=True) + + self.output_dir = output_dir diff --git a/examples/transv1.8to2.x/data_utils/__init__.py b/examples/v18_to_v2x/deepspeech2x/models/__init__.py similarity index 100% rename from examples/transv1.8to2.x/data_utils/__init__.py rename to examples/v18_to_v2x/deepspeech2x/models/__init__.py diff --git a/examples/transv1.8to2.x/deepspeech/models/ds2/__init__.py b/examples/v18_to_v2x/deepspeech2x/models/ds2/__init__.py similarity index 100% rename from examples/transv1.8to2.x/deepspeech/models/ds2/__init__.py rename to examples/v18_to_v2x/deepspeech2x/models/ds2/__init__.py diff --git a/examples/transv1.8to2.x/deepspeech/models/ds2/deepspeech2.py b/examples/v18_to_v2x/deepspeech2x/models/ds2/deepspeech2.py similarity index 97% rename from examples/transv1.8to2.x/deepspeech/models/ds2/deepspeech2.py rename to examples/v18_to_v2x/deepspeech2x/models/ds2/deepspeech2.py index 603a469a4..f154ddb54 100644 --- a/examples/transv1.8to2.x/deepspeech/models/ds2/deepspeech2.py +++ b/examples/v18_to_v2x/deepspeech2x/models/ds2/deepspeech2.py @@ -15,11 +15,11 @@ from typing import Optional import paddle +from deepspeech2x.models.ds2.rnn import RNNStack from paddle import nn from yacs.config import CfgNode from deepspeech.models.ds2.conv import ConvStack -from deepspeech.models.ds2.rnn import RNNStack from deepspeech.modules.ctc import CTCDecoder from deepspeech.utils import layer_tools from deepspeech.utils.checkpoint import Checkpoint @@ -193,7 +193,7 @@ class DeepSpeech2Model(nn.Layer): eouts, eouts_len = self.encoder(audio, audio_len) probs = self.decoder.softmax(eouts) - + print("probs.shape", probs.shape) return self.decoder.decode_probs( probs.numpy(), eouts_len, vocab_list, decoding_method, lang_model_path, beam_alpha, beam_beta, beam_size, cutoff_prob, @@ -232,7 +232,7 @@ class DeepSpeech2Model(nn.Layer): The model built from pretrained result. """ model = cls(feat_size=dataloader.collate_fn.feature_size, - dict_size=dataloader.collate_fn.vocab_size, + dict_size=len(dataloader.collate_fn.vocab_list), num_conv_layers=config.model.num_conv_layers, num_rnn_layers=config.model.num_rnn_layers, rnn_size=config.model.rnn_layer_size, @@ -262,7 +262,8 @@ class DeepSpeech2Model(nn.Layer): num_rnn_layers=config.num_rnn_layers, rnn_size=config.rnn_layer_size, use_gru=config.use_gru, - share_rnn_weights=config.share_rnn_weights) + share_rnn_weights=config.share_rnn_weights, + blank_id=config.blank_id) return model diff --git a/examples/transv1.8to2.x/deepspeech/models/ds2/rnn.py b/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py similarity index 100% rename from examples/transv1.8to2.x/deepspeech/models/ds2/rnn.py rename to examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py diff --git a/examples/v18_to_v2x/exp_aishell/.gitignore b/examples/v18_to_v2x/exp_aishell/.gitignore new file mode 100644 index 000000000..7024e0e95 --- /dev/null +++ b/examples/v18_to_v2x/exp_aishell/.gitignore @@ -0,0 +1,4 @@ +exp +data +*log +tmp diff --git a/examples/v18_to_v2x/exp_aishell/conf/augmentation.json b/examples/v18_to_v2x/exp_aishell/conf/augmentation.json new file mode 100644 index 000000000..fe51488c7 --- /dev/null +++ b/examples/v18_to_v2x/exp_aishell/conf/augmentation.json @@ -0,0 +1 @@ +[] diff --git a/examples/v18_to_v2x/exp_aishell/conf/deepspeech2.yaml b/examples/v18_to_v2x/exp_aishell/conf/deepspeech2.yaml new file mode 100644 index 000000000..6e745e9d1 --- /dev/null +++ b/examples/v18_to_v2x/exp_aishell/conf/deepspeech2.yaml @@ -0,0 +1,67 @@ +# https://yaml.org/type/float.html +data: + train_manifest: data/manifest.train + dev_manifest: data/manifest.dev + test_manifest: data/manifest.test + min_input_len: 0.0 + max_input_len: 27.0 # second + min_output_len: 0.0 + max_output_len: .inf + min_output_input_ratio: 0.00 + max_output_input_ratio: .inf + +collator: + batch_size: 64 # one gpu + mean_std_filepath: data/mean_std.npz + unit_type: char + vocab_filepath: data/vocab.txt + augmentation_config: conf/augmentation.json + random_seed: 0 + spm_model_prefix: + specgram_type: linear + feat_dim: + delta_delta: False + stride_ms: 10.0 + window_ms: 20.0 + n_fft: None + max_freq: None + target_sample_rate: 16000 + use_dB_normalization: True + target_dB: -20 + dither: 1.0 + keep_transcription_text: False + sortagrad: True + shuffle_method: batch_shuffle + num_workers: 2 + +model: + num_conv_layers: 2 + num_rnn_layers: 3 + rnn_layer_size: 1024 + use_gru: True + share_rnn_weights: False + blank_id: 4333 + +training: + n_epoch: 80 + accum_grad: 1 + lr: 2e-3 + lr_decay: 0.83 + weight_decay: 1e-06 + global_grad_clip: 3.0 + log_interval: 100 + checkpoint: + kbest_n: 50 + latest_n: 5 + +decoding: + batch_size: 32 + error_rate_type: cer + decoding_method: ctc_beam_search + lang_model_path: data/lm/zh_giga.no_cna_cmn.prune01244.klm + alpha: 2.6 + beta: 5.0 + beam_size: 300 + cutoff_prob: 0.99 + cutoff_top_n: 40 + num_proc_bsearch: 8 diff --git a/examples/v18_to_v2x/exp_aishell/local/data.sh b/examples/v18_to_v2x/exp_aishell/local/data.sh new file mode 100755 index 000000000..1cde0c6ea --- /dev/null +++ b/examples/v18_to_v2x/exp_aishell/local/data.sh @@ -0,0 +1,86 @@ +#!/bin/bash + +stage=-1 +stop_stage=100 + +source ${MAIN_ROOT}/utils/parse_options.sh + +mkdir -p data +TARGET_DIR=${MAIN_ROOT}/examples/dataset +mkdir -p ${TARGET_DIR} + +bash local/download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi + +tar xzvf aishell_model_v1.8_to_v2.x.tar.gz +mv aishell_v1.8.pdparams exp/deepspeech2/checkpoints/ +mv README.md exp/deepspeech2/ +mv mean_std.npz data/ +mv vocab.txt data/ +rm aishell_model_v1.8_to_v2.x.tar.gz -f + + +if [ ${stage} -le -1 ] && [ ${stop_stage} -ge -1 ]; then + # download data, generate manifests + python3 ${TARGET_DIR}/aishell/aishell.py \ + --manifest_prefix="data/manifest" \ + --target_dir="${TARGET_DIR}/aishell" + + if [ $? -ne 0 ]; then + echo "Prepare Aishell failed. Terminated." + exit 1 + fi + + for dataset in train dev test; do + mv data/manifest.${dataset} data/manifest.${dataset}.raw + done +fi + + +if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then + # compute mean and stddev for normalizer + num_workers=$(nproc) + python3 ${MAIN_ROOT}/utils/compute_mean_std.py \ + --manifest_path="data/manifest.train.raw" \ + --specgram_type="linear" \ + --delta_delta=false \ + --stride_ms=10.0 \ + --window_ms=20.0 \ + --sample_rate=16000 \ + --use_dB_normalization=True \ + --num_samples=2000 \ + --num_workers=${num_workers} \ + --output_path="data/mean_std.json" + + if [ $? -ne 0 ]; then + echo "Compute mean and stddev failed. Terminated." + exit 1 + fi +fi + + +if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then + # format manifest with tokenids, vocab size + for dataset in train dev test; do + { + python3 ${MAIN_ROOT}/utils/format_data.py \ + --feat_type "raw" \ + --cmvn_path "data/mean_std.json" \ + --unit_type "char" \ + --vocab_path="data/vocab.txt" \ + --manifest_path="data/manifest.${dataset}.raw" \ + --output_path="data/manifest.${dataset}" + + if [ $? -ne 0 ]; then + echo "Formt mnaifest failed. Terminated." + exit 1 + fi + } & + done + wait +fi + +echo "Aishell data preparation done." +exit 0 diff --git a/examples/transv1.8to2.x/models/lm/download_lm_ch.sh b/examples/v18_to_v2x/exp_aishell/local/download_lm_ch.sh old mode 100644 new mode 100755 similarity index 69% rename from examples/transv1.8to2.x/models/lm/download_lm_ch.sh rename to examples/v18_to_v2x/exp_aishell/local/download_lm_ch.sh index 0e4915262..ac27a9076 --- a/examples/transv1.8to2.x/models/lm/download_lm_ch.sh +++ b/examples/v18_to_v2x/exp_aishell/local/download_lm_ch.sh @@ -1,10 +1,13 @@ -#! /usr/bin/env bash +#!/bin/bash -. ../../utils/utility.sh +. ${MAIN_ROOT}/utils/utility.sh + +DIR=data/lm +mkdir -p ${DIR} URL='https://deepspeech.bj.bcebos.com/zh_lm/zh_giga.no_cna_cmn.prune01244.klm' MD5="29e02312deb2e59b3c8686c7966d4fe3" -TARGET=./zh_giga.no_cna_cmn.prune01244.klm +TARGET=${DIR}/zh_giga.no_cna_cmn.prune01244.klm echo "Download language model ..." diff --git a/examples/transv1.8to2.x/models/aishell/download_model.sh b/examples/v18_to_v2x/exp_aishell/local/download_model.sh similarity index 91% rename from examples/transv1.8to2.x/models/aishell/download_model.sh rename to examples/v18_to_v2x/exp_aishell/local/download_model.sh index 939382a12..2e4873ef6 100644 --- a/examples/transv1.8to2.x/models/aishell/download_model.sh +++ b/examples/v18_to_v2x/exp_aishell/local/download_model.sh @@ -1,6 +1,6 @@ #! /usr/bin/env bash -. ../../utils/utility.sh +. ${MAIN_ROOT}/utils/utility.sh URL='https://deepspeech.bj.bcebos.com/mandarin_models/aishell_model_v1.8_to_v2.x.tar.gz' MD5=4ade113c69ea291b8ce5ec6a03296659 diff --git a/examples/v18_to_v2x/exp_aishell/local/test.sh b/examples/v18_to_v2x/exp_aishell/local/test.sh new file mode 100755 index 000000000..9fd0bc8d5 --- /dev/null +++ b/examples/v18_to_v2x/exp_aishell/local/test.sh @@ -0,0 +1,39 @@ +#!/bin/bash + +if [ $# != 3 ];then + echo "usage: ${0} config_path ckpt_path_prefix model_type" + exit -1 +fi + +ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') +echo "using $ngpu gpus..." + +device=gpu +if [ ${ngpu} == 0 ];then + device=cpu +fi +config_path=$1 +ckpt_prefix=$2 +model_type=$3 + +# download language model +bash local/download_lm_ch.sh +if [ $? -ne 0 ]; then + exit 1 +fi + +python3 -u ${BIN_DIR}/test.py \ +--device ${device} \ +--nproc 1 \ +--config ${config_path} \ +--result_file ${ckpt_prefix}.rsl \ +--checkpoint_path ${ckpt_prefix} \ +--model_type ${model_type} + +if [ $? -ne 0 ]; then + echo "Failed in evaluation!" + exit 1 +fi + + +exit 0 diff --git a/examples/v18_to_v2x/exp_aishell/path.sh b/examples/v18_to_v2x/exp_aishell/path.sh new file mode 100644 index 000000000..080ab1f79 --- /dev/null +++ b/examples/v18_to_v2x/exp_aishell/path.sh @@ -0,0 +1,16 @@ +export MAIN_ROOT=`realpath ${PWD}/../../../` +export LOCAL_DEEPSPEECH2=`realpath ${PWD}/../` + +export PATH=${MAIN_ROOT}:${MAIN_ROOT}/utils:${PATH} +export LC_ALL=C + +# Use UTF-8 in Python to avoid UnicodeDecodeError when LC_ALL=C +export PYTHONIOENCODING=UTF-8 +export PYTHONPATH=${MAIN_ROOT}:${PYTHONPATH} +export PYTHONPATH=${LOCAL_DEEPSPEECH2}:${PYTHONPATH} + +export LD_LIBRARY_PATH=${LD_LIBRARY_PATH}:/usr/local/lib/ + +MODEL=deepspeech2 +export BIN_DIR=${LOCAL_DEEPSPEECH2}/deepspeech2x/bin +echo "BIN_DIR "${BIN_DIR} diff --git a/examples/v18_to_v2x/exp_aishell/run.sh b/examples/v18_to_v2x/exp_aishell/run.sh new file mode 100755 index 000000000..482ab2a09 --- /dev/null +++ b/examples/v18_to_v2x/exp_aishell/run.sh @@ -0,0 +1,27 @@ +#!/bin/bash +set -e +source path.sh + +stage=0 +stop_stage=100 +conf_path=conf/deepspeech2.yaml +avg_num=1 +model_type=offline + +source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; + +v18_ckpt=aishell_v1.8 +ckpt=$(basename ${conf_path} | awk -F'.' '{print $1}') +echo "checkpoint name ${ckpt}" + +if [ ${stage} -le 0 ] && [ ${stop_stage} -ge 0 ]; then + # prepare data + mkdir -p exp/${ckpt}/checkpoints + bash ./local/data.sh || exit -1 +fi + +if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then + # test ckpt avg_n + CUDA_VISIBLE_DEVICES=1 ./local/test.sh ${conf_path} exp/${ckpt}/checkpoints/${v18_ckpt} ${model_type}|| exit -1 +fi + diff --git a/examples/v18_to_v2x/exp_baidu_en8k/.gitignore b/examples/v18_to_v2x/exp_baidu_en8k/.gitignore new file mode 100644 index 000000000..7024e0e95 --- /dev/null +++ b/examples/v18_to_v2x/exp_baidu_en8k/.gitignore @@ -0,0 +1,4 @@ +exp +data +*log +tmp diff --git a/examples/v18_to_v2x/exp_baidu_en8k/conf/augmentation.json b/examples/v18_to_v2x/exp_baidu_en8k/conf/augmentation.json new file mode 100644 index 000000000..fe51488c7 --- /dev/null +++ b/examples/v18_to_v2x/exp_baidu_en8k/conf/augmentation.json @@ -0,0 +1 @@ +[] diff --git a/examples/v18_to_v2x/exp_baidu_en8k/conf/deepspeech2.yaml b/examples/v18_to_v2x/exp_baidu_en8k/conf/deepspeech2.yaml new file mode 100644 index 000000000..fbc7466f2 --- /dev/null +++ b/examples/v18_to_v2x/exp_baidu_en8k/conf/deepspeech2.yaml @@ -0,0 +1,67 @@ +# https://yaml.org/type/float.html +data: + train_manifest: data/manifest.train + dev_manifest: data/manifest.dev + test_manifest: data/manifest.test-clean + min_input_len: 0.0 + max_input_len: .inf # second + min_output_len: 0.0 + max_output_len: .inf + min_output_input_ratio: 0.00 + max_output_input_ratio: .inf + +collator: + batch_size: 64 # one gpu + mean_std_filepath: data/mean_std.npz + unit_type: char + vocab_filepath: data/vocab.txt + augmentation_config: conf/augmentation.json + random_seed: 0 + spm_model_prefix: + specgram_type: linear + feat_dim: + delta_delta: False + stride_ms: 10.0 + window_ms: 20.0 + n_fft: None + max_freq: None + target_sample_rate: 16000 + use_dB_normalization: True + target_dB: -20 + dither: 1.0 + keep_transcription_text: False + sortagrad: True + shuffle_method: batch_shuffle + num_workers: 2 + +model: + num_conv_layers: 2 + num_rnn_layers: 3 + rnn_layer_size: 1024 + use_gru: True + share_rnn_weights: False + blank_id: 28 + +training: + n_epoch: 80 + accum_grad: 1 + lr: 2e-3 + lr_decay: 0.83 + weight_decay: 1e-06 + global_grad_clip: 3.0 + log_interval: 100 + checkpoint: + kbest_n: 50 + latest_n: 5 + +decoding: + batch_size: 32 + error_rate_type: wer + decoding_method: ctc_beam_search + lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm + alpha: 1.4 + beta: 0.35 + beam_size: 500 + cutoff_prob: 1.0 + cutoff_top_n: 40 + num_proc_bsearch: 8 diff --git a/examples/v18_to_v2x/exp_baidu_en8k/local/data.sh b/examples/v18_to_v2x/exp_baidu_en8k/local/data.sh new file mode 100755 index 000000000..8f9468b13 --- /dev/null +++ b/examples/v18_to_v2x/exp_baidu_en8k/local/data.sh @@ -0,0 +1,101 @@ +#!/bin/bash + +stage=-1 +stop_stage=100 + +source ${MAIN_ROOT}/utils/parse_options.sh + +mkdir -p data +TARGET_DIR=${MAIN_ROOT}/examples/dataset +mkdir -p ${TARGET_DIR} + + +bash local/download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi + +tar xzvf baidu_en8k_v1.8_to_v2.x.tar.gz +mv baidu_en8k_v1.8.pdparams exp/deepspeech2/checkpoints/ +mv README.md exp/deepspeech2/ +mv mean_std.npz data/ +mv vocab.txt data/ +rm baidu_en8k_v1.8_to_v2.x.tar.gz -f + +if [ ${stage} -le -1 ] && [ ${stop_stage} -ge -1 ]; then + # download data, generate manifests + python3 ${TARGET_DIR}/librispeech/librispeech.py \ + --manifest_prefix="data/manifest" \ + --target_dir="${TARGET_DIR}/librispeech" \ + --full_download="True" + + if [ $? -ne 0 ]; then + echo "Prepare LibriSpeech failed. Terminated." + exit 1 + fi + + for set in train-clean-100 train-clean-360 train-other-500 dev-clean dev-other test-clean test-other; do + mv data/manifest.${set} data/manifest.${set}.raw + done + + rm -rf data/manifest.train.raw data/manifest.dev.raw data/manifest.test.raw + for set in train-clean-100 train-clean-360 train-other-500; do + cat data/manifest.${set}.raw >> data/manifest.train.raw + done + + for set in dev-clean dev-other; do + cat data/manifest.${set}.raw >> data/manifest.dev.raw + done + + for set in test-clean test-other; do + cat data/manifest.${set}.raw >> data/manifest.test.raw + done +fi + + +if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then + # compute mean and stddev for normalizer + num_workers=$(nproc) + python3 ${MAIN_ROOT}/utils/compute_mean_std.py \ + --manifest_path="data/manifest.train.raw" \ + --num_samples=2000 \ + --specgram_type="linear" \ + --delta_delta=false \ + --sample_rate=16000 \ + --stride_ms=10.0 \ + --window_ms=20.0 \ + --use_dB_normalization=True \ + --num_workers=${num_workers} \ + --output_path="data/mean_std.json" + + if [ $? -ne 0 ]; then + echo "Compute mean and stddev failed. Terminated." + exit 1 + fi +fi + + +if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then + # format manifest with tokenids, vocab size + for set in train dev test dev-clean dev-other test-clean test-other; do + { + python3 ${MAIN_ROOT}/utils/format_data.py \ + --feat_type "raw" \ + --cmvn_path "data/mean_std.json" \ + --unit_type ${unit_type} \ + --vocab_path="data/vocab.txt" \ + --manifest_path="data/manifest.${set}.raw" \ + --output_path="data/manifest.${set}" + + if [ $? -ne 0 ]; then + echo "Formt mnaifest.${set} failed. Terminated." + exit 1 + fi + }& + done + wait +fi + +echo "LibriSpeech Data preparation done." +exit 0 + diff --git a/examples/transv1.8to2.x/models/lm/download_lm_en.sh b/examples/v18_to_v2x/exp_baidu_en8k/local/download_lm_en.sh old mode 100644 new mode 100755 similarity index 69% rename from examples/transv1.8to2.x/models/lm/download_lm_en.sh rename to examples/v18_to_v2x/exp_baidu_en8k/local/download_lm_en.sh index cc8d32035..dc1bdf665 --- a/examples/transv1.8to2.x/models/lm/download_lm_en.sh +++ b/examples/v18_to_v2x/exp_baidu_en8k/local/download_lm_en.sh @@ -1,11 +1,13 @@ -#! /usr/bin/env bash +#!/bin/bash -. ../../utils/utility.sh +. ${MAIN_ROOT}/utils/utility.sh + +DIR=data/lm +mkdir -p ${DIR} URL=https://deepspeech.bj.bcebos.com/en_lm/common_crawl_00.prune01111.trie.klm MD5="099a601759d467cd0a8523ff939819c5" -TARGET=./common_crawl_00.prune01111.trie.klm - +TARGET=${DIR}/common_crawl_00.prune01111.trie.klm echo "Download language model ..." download $URL $MD5 $TARGET diff --git a/examples/transv1.8to2.x/models/baidu_en8k/download_model.sh b/examples/v18_to_v2x/exp_baidu_en8k/local/download_model.sh similarity index 91% rename from examples/transv1.8to2.x/models/baidu_en8k/download_model.sh rename to examples/v18_to_v2x/exp_baidu_en8k/local/download_model.sh index e91bd39c7..6d06e3d6f 100644 --- a/examples/transv1.8to2.x/models/baidu_en8k/download_model.sh +++ b/examples/v18_to_v2x/exp_baidu_en8k/local/download_model.sh @@ -1,6 +1,6 @@ #! /usr/bin/env bash -. ../../utils/utility.sh +. ${MAIN_ROOT}/utils/utility.sh URL='https://deepspeech.bj.bcebos.com/eng_models/baidu_en8k_v1.8_to_v2.x.tar.gz' MD5=fdabeb6c96963ac85d9188f0275c6a1b diff --git a/examples/v18_to_v2x/exp_baidu_en8k/local/test.sh b/examples/v18_to_v2x/exp_baidu_en8k/local/test.sh new file mode 100755 index 000000000..b5b68c599 --- /dev/null +++ b/examples/v18_to_v2x/exp_baidu_en8k/local/test.sh @@ -0,0 +1,39 @@ +#!/bin/bash + +if [ $# != 3 ];then + echo "usage: ${0} config_path ckpt_path_prefix model_type" + exit -1 +fi + +ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') +echo "using $ngpu gpus..." + +device=gpu +if [ ${ngpu} == 0 ];then + device=cpu +fi +config_path=$1 +ckpt_prefix=$2 +model_type=$3 + +# download language model +bash local/download_lm_en.sh +if [ $? -ne 0 ]; then + exit 1 +fi + +python3 -u ${BIN_DIR}/test.py \ +--device ${device} \ +--nproc 1 \ +--config ${config_path} \ +--result_file ${ckpt_prefix}.rsl \ +--checkpoint_path ${ckpt_prefix} \ +--model_type ${model_type} + +if [ $? -ne 0 ]; then + echo "Failed in evaluation!" + exit 1 +fi + + +exit 0 diff --git a/examples/v18_to_v2x/exp_baidu_en8k/path.sh b/examples/v18_to_v2x/exp_baidu_en8k/path.sh new file mode 100644 index 000000000..080ab1f79 --- /dev/null +++ b/examples/v18_to_v2x/exp_baidu_en8k/path.sh @@ -0,0 +1,16 @@ +export MAIN_ROOT=`realpath ${PWD}/../../../` +export LOCAL_DEEPSPEECH2=`realpath ${PWD}/../` + +export PATH=${MAIN_ROOT}:${MAIN_ROOT}/utils:${PATH} +export LC_ALL=C + +# Use UTF-8 in Python to avoid UnicodeDecodeError when LC_ALL=C +export PYTHONIOENCODING=UTF-8 +export PYTHONPATH=${MAIN_ROOT}:${PYTHONPATH} +export PYTHONPATH=${LOCAL_DEEPSPEECH2}:${PYTHONPATH} + +export LD_LIBRARY_PATH=${LD_LIBRARY_PATH}:/usr/local/lib/ + +MODEL=deepspeech2 +export BIN_DIR=${LOCAL_DEEPSPEECH2}/deepspeech2x/bin +echo "BIN_DIR "${BIN_DIR} diff --git a/examples/v18_to_v2x/exp_baidu_en8k/run.sh b/examples/v18_to_v2x/exp_baidu_en8k/run.sh new file mode 100755 index 000000000..c590312d1 --- /dev/null +++ b/examples/v18_to_v2x/exp_baidu_en8k/run.sh @@ -0,0 +1,27 @@ +#!/bin/bash +set -e +source path.sh + +stage=0 +stop_stage=100 +conf_path=conf/deepspeech2.yaml +avg_num=1 +model_type=offline + +source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; + +v18_ckpt=baidu_en8k_v1.8 +ckpt=$(basename ${conf_path} | awk -F'.' '{print $1}') +echo "checkpoint name ${ckpt}" + +if [ ${stage} -le 0 ] && [ ${stop_stage} -ge 0 ]; then + # prepare data + mkdir -p exp/${ckpt}/checkpoints + bash ./local/data.sh || exit -1 +fi + +if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then + # test ckpt avg_n + CUDA_VISIBLE_DEVICES=0 ./local/test.sh ${conf_path} exp/${ckpt}/checkpoints/${v18_ckpt} ${model_type}|| exit -1 +fi + diff --git a/examples/v18_to_v2x/exp_librispeech/.gitignore b/examples/v18_to_v2x/exp_librispeech/.gitignore new file mode 100644 index 000000000..7024e0e95 --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/.gitignore @@ -0,0 +1,4 @@ +exp +data +*log +tmp diff --git a/examples/v18_to_v2x/exp_librispeech/conf/augmentation.json b/examples/v18_to_v2x/exp_librispeech/conf/augmentation.json new file mode 100644 index 000000000..fe51488c7 --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/conf/augmentation.json @@ -0,0 +1 @@ +[] diff --git a/examples/v18_to_v2x/exp_librispeech/conf/deepspeech2.yaml b/examples/v18_to_v2x/exp_librispeech/conf/deepspeech2.yaml new file mode 100644 index 000000000..edef07972 --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/conf/deepspeech2.yaml @@ -0,0 +1,67 @@ +# https://yaml.org/type/float.html +data: + train_manifest: data/manifest.train + dev_manifest: data/manifest.dev + test_manifest: data/manifest.test-clean + min_input_len: 0.0 + max_input_len: 1000.0 # second + min_output_len: 0.0 + max_output_len: .inf + min_output_input_ratio: 0.00 + max_output_input_ratio: .inf + +collator: + batch_size: 64 # one gpu + mean_std_filepath: data/mean_std.npz + unit_type: char + vocab_filepath: data/vocab.txt + augmentation_config: conf/augmentation.json + random_seed: 0 + spm_model_prefix: + specgram_type: linear + feat_dim: + delta_delta: False + stride_ms: 10.0 + window_ms: 20.0 + n_fft: None + max_freq: None + target_sample_rate: 16000 + use_dB_normalization: True + target_dB: -20 + dither: 1.0 + keep_transcription_text: False + sortagrad: True + shuffle_method: batch_shuffle + num_workers: 2 + +model: + num_conv_layers: 2 + num_rnn_layers: 3 + rnn_layer_size: 2048 + use_gru: False + share_rnn_weights: True + blank_id: 28 + +training: + n_epoch: 80 + accum_grad: 1 + lr: 2e-3 + lr_decay: 0.83 + weight_decay: 1e-06 + global_grad_clip: 3.0 + log_interval: 100 + checkpoint: + kbest_n: 50 + latest_n: 5 + +decoding: + batch_size: 32 + error_rate_type: wer + decoding_method: ctc_beam_search + lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm + alpha: 2.5 + beta: 0.3 + beam_size: 500 + cutoff_prob: 1.0 + cutoff_top_n: 40 + num_proc_bsearch: 8 diff --git a/examples/v18_to_v2x/exp_librispeech/local/data.sh b/examples/v18_to_v2x/exp_librispeech/local/data.sh new file mode 100755 index 000000000..22a86bb2e --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/local/data.sh @@ -0,0 +1,101 @@ +#!/bin/bash + +stage=-1 +stop_stage=100 + +source ${MAIN_ROOT}/utils/parse_options.sh + +mkdir -p data +TARGET_DIR=${MAIN_ROOT}/examples/dataset +mkdir -p ${TARGET_DIR} + + +bash local/download_model.sh +if [ $? -ne 0 ]; then + exit 1 +fi + +tar xzvf librispeech_v1.8_to_v2.x.tar.gz +mv librispeech_v1.8.pdparams exp/deepspeech2/checkpoints/ +mv README.md exp/deepspeech2/ +mv mean_std.npz data/ +mv vocab.txt data/ +rm librispeech_v1.8_to_v2.x.tar.gz -f + +if [ ${stage} -le -1 ] && [ ${stop_stage} -ge -1 ]; then + # download data, generate manifests + python3 ${TARGET_DIR}/librispeech/librispeech.py \ + --manifest_prefix="data/manifest" \ + --target_dir="${TARGET_DIR}/librispeech" \ + --full_download="True" + + if [ $? -ne 0 ]; then + echo "Prepare LibriSpeech failed. Terminated." + exit 1 + fi + + for set in train-clean-100 train-clean-360 train-other-500 dev-clean dev-other test-clean test-other; do + mv data/manifest.${set} data/manifest.${set}.raw + done + + rm -rf data/manifest.train.raw data/manifest.dev.raw data/manifest.test.raw + for set in train-clean-100 train-clean-360 train-other-500; do + cat data/manifest.${set}.raw >> data/manifest.train.raw + done + + for set in dev-clean dev-other; do + cat data/manifest.${set}.raw >> data/manifest.dev.raw + done + + for set in test-clean test-other; do + cat data/manifest.${set}.raw >> data/manifest.test.raw + done +fi + + +if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then + # compute mean and stddev for normalizer + num_workers=$(nproc) + python3 ${MAIN_ROOT}/utils/compute_mean_std.py \ + --manifest_path="data/manifest.train.raw" \ + --num_samples=2000 \ + --specgram_type="linear" \ + --delta_delta=false \ + --sample_rate=16000 \ + --stride_ms=10.0 \ + --window_ms=20.0 \ + --use_dB_normalization=True \ + --num_workers=${num_workers} \ + --output_path="data/mean_std.json" + + if [ $? -ne 0 ]; then + echo "Compute mean and stddev failed. Terminated." + exit 1 + fi +fi + + +if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then + # format manifest with tokenids, vocab size + for set in train dev test dev-clean dev-other test-clean test-other; do + { + python3 ${MAIN_ROOT}/utils/format_data.py \ + --feat_type "raw" \ + --cmvn_path "data/mean_std.json" \ + --unit_type ${unit_type} \ + --vocab_path="data/vocab.txt" \ + --manifest_path="data/manifest.${set}.raw" \ + --output_path="data/manifest.${set}" + + if [ $? -ne 0 ]; then + echo "Formt mnaifest.${set} failed. Terminated." + exit 1 + fi + }& + done + wait +fi + +echo "LibriSpeech Data preparation done." +exit 0 + diff --git a/examples/v18_to_v2x/exp_librispeech/local/download_lm_en.sh b/examples/v18_to_v2x/exp_librispeech/local/download_lm_en.sh new file mode 100755 index 000000000..dc1bdf665 --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/local/download_lm_en.sh @@ -0,0 +1,20 @@ +#!/bin/bash + +. ${MAIN_ROOT}/utils/utility.sh + +DIR=data/lm +mkdir -p ${DIR} + +URL=https://deepspeech.bj.bcebos.com/en_lm/common_crawl_00.prune01111.trie.klm +MD5="099a601759d467cd0a8523ff939819c5" +TARGET=${DIR}/common_crawl_00.prune01111.trie.klm + +echo "Download language model ..." +download $URL $MD5 $TARGET +if [ $? -ne 0 ]; then + echo "Fail to download the language model!" + exit 1 +fi + + +exit 0 diff --git a/examples/transv1.8to2.x/models/librispeech/download_model.sh b/examples/v18_to_v2x/exp_librispeech/local/download_model.sh similarity index 91% rename from examples/transv1.8to2.x/models/librispeech/download_model.sh rename to examples/v18_to_v2x/exp_librispeech/local/download_model.sh index e0940a7f6..cc6a9ec75 100644 --- a/examples/transv1.8to2.x/models/librispeech/download_model.sh +++ b/examples/v18_to_v2x/exp_librispeech/local/download_model.sh @@ -1,6 +1,6 @@ #! /usr/bin/env bash -. ../../utils/utility.sh +. ${MAIN_ROOT}/utils/utility.sh URL='https://deepspeech.bj.bcebos.com/eng_models/librispeech_v1.8_to_v2.x.tar.gz' MD5=7b0f582fe2f5a840b840e7ee52246bc5 diff --git a/examples/v18_to_v2x/exp_librispeech/local/test.sh b/examples/v18_to_v2x/exp_librispeech/local/test.sh new file mode 100755 index 000000000..b5b68c599 --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/local/test.sh @@ -0,0 +1,39 @@ +#!/bin/bash + +if [ $# != 3 ];then + echo "usage: ${0} config_path ckpt_path_prefix model_type" + exit -1 +fi + +ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') +echo "using $ngpu gpus..." + +device=gpu +if [ ${ngpu} == 0 ];then + device=cpu +fi +config_path=$1 +ckpt_prefix=$2 +model_type=$3 + +# download language model +bash local/download_lm_en.sh +if [ $? -ne 0 ]; then + exit 1 +fi + +python3 -u ${BIN_DIR}/test.py \ +--device ${device} \ +--nproc 1 \ +--config ${config_path} \ +--result_file ${ckpt_prefix}.rsl \ +--checkpoint_path ${ckpt_prefix} \ +--model_type ${model_type} + +if [ $? -ne 0 ]; then + echo "Failed in evaluation!" + exit 1 +fi + + +exit 0 diff --git a/examples/v18_to_v2x/exp_librispeech/nohup_test.out b/examples/v18_to_v2x/exp_librispeech/nohup_test.out new file mode 100644 index 000000000..3bc593c9a --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/nohup_test.out @@ -0,0 +1,48597 @@ +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 diff --git a/examples/v18_to_v2x/exp_librispeech/path.sh b/examples/v18_to_v2x/exp_librispeech/path.sh new file mode 100644 index 000000000..080ab1f79 --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/path.sh @@ -0,0 +1,16 @@ +export MAIN_ROOT=`realpath ${PWD}/../../../` +export LOCAL_DEEPSPEECH2=`realpath ${PWD}/../` + +export PATH=${MAIN_ROOT}:${MAIN_ROOT}/utils:${PATH} +export LC_ALL=C + +# Use UTF-8 in Python to avoid UnicodeDecodeError when LC_ALL=C +export PYTHONIOENCODING=UTF-8 +export PYTHONPATH=${MAIN_ROOT}:${PYTHONPATH} +export PYTHONPATH=${LOCAL_DEEPSPEECH2}:${PYTHONPATH} + +export LD_LIBRARY_PATH=${LD_LIBRARY_PATH}:/usr/local/lib/ + +MODEL=deepspeech2 +export BIN_DIR=${LOCAL_DEEPSPEECH2}/deepspeech2x/bin +echo "BIN_DIR "${BIN_DIR} diff --git a/examples/v18_to_v2x/exp_librispeech/run.sh b/examples/v18_to_v2x/exp_librispeech/run.sh new file mode 100755 index 000000000..05706a428 --- /dev/null +++ b/examples/v18_to_v2x/exp_librispeech/run.sh @@ -0,0 +1,26 @@ +#!/bin/bash +set -e +source path.sh + +stage=0 +stop_stage=100 +conf_path=conf/deepspeech2.yaml +avg_num=1 +model_type=offline + +source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; + +v18_ckpt=librispeech_v1.8 +ckpt=$(basename ${conf_path} | awk -F'.' '{print $1}') +echo "checkpoint name ${ckpt}" + +if [ ${stage} -le 0 ] && [ ${stop_stage} -ge 0 ]; then + # prepare data + mkdir -p exp/${ckpt}/checkpoints + bash ./local/data.sh || exit -1 +fi + +if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then + # test ckpt avg_n + CUDA_VISIBLE_DEVICES=0 ./local/test.sh ${conf_path} exp/${ckpt}/checkpoints/${v18_ckpt} ${model_type}|| exit -1 +fi From c30200a438fd59617babb2b67abc1b7b9f7f0790 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 21 Sep 2021 17:39:59 +0800 Subject: [PATCH 086/103] Update released_model.md --- docs/src/released_model.md | 7 +++++-- 1 file changed, 5 insertions(+), 2 deletions(-) diff --git a/docs/src/released_model.md b/docs/src/released_model.md index 581cff45f..5567b5604 100644 --- a/docs/src/released_model.md +++ b/docs/src/released_model.md @@ -1,11 +1,14 @@ # Released Models ## Acoustic Model Released -Acoustic Model | Training Data | Token-based | Size | Descriptions | CER | Hours of speech +Acoustic Model | Training Data | Token-based | Size | Descriptions | CER or WER | Hours of speech :-------------:| :------------:| :-----: | -----: | :----------------- | :---------- | :--------- [Ds2 Online Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s0/aishell.s0.ds_online.5rnn.debug.tar.gz) | Aishell Dataset | Char-based | 345 MB | 2 Conv + 5 LSTM layers with only forward direction | 0.0824 | 151 h [Ds2 Offline Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s0/aishell.s0.ds2.offline.cer6p65.release.tar.gz)| Aishell Dataset | Char-based | 306 MB | 2 Conv + 3 bidirectional gru layers| 0.065 | 151 h - +[Conformer Online Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s1/aishell.chunk.release.tar.gz) | Aishell Dataset | Char-based | 283 MB | Encoder:Conformer, Decoder:Transformer, Decoding method: Attention + CTC | 0.0594 | 151 h +[Conformer Offline Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s1/aishell.release.tar.gz) | Aishell Dataset | Char-based | 284 MB | Encoder:Conformer, Decoder:Transformer, Decoding method: Attention | 0.0547 | 151 h +[Conformer Librispeech Model](https://deepspeech.bj.bcebos.com/release2.1/librispeech/s1/conformer.release.tar.gz) | Librispeech Dataset | Word-based | 287 MB | Encoder:Conformer, Decoder:Transformer, Decoding method: Attention | 0.0325 | 960 h +[Transformer Librispeech Model](https://deepspeech.bj.bcebos.com/release2.1/librispeech/s1/transformer.release.tar.gz) | Librispeech Dataset | Word-based | 195 MB | Encoder:Conformer, Decoder:Transformer, Decoding method: Attention | 0.0544 | 960 h ## Language Model Released From c55b3c7bff404d465fdc437966ac4268f9549758 Mon Sep 17 00:00:00 2001 From: Jackwaterveg <87408988+Jackwaterveg@users.noreply.github.com> Date: Tue, 21 Sep 2021 17:56:32 +0800 Subject: [PATCH 087/103] Update released_model.md --- docs/src/released_model.md | 13 +++++++++++-- 1 file changed, 11 insertions(+), 2 deletions(-) diff --git a/docs/src/released_model.md b/docs/src/released_model.md index 5567b5604..61fd1560e 100644 --- a/docs/src/released_model.md +++ b/docs/src/released_model.md @@ -1,15 +1,24 @@ # Released Models -## Acoustic Model Released +## Acoustic Model Released in paddle 2.X Acoustic Model | Training Data | Token-based | Size | Descriptions | CER or WER | Hours of speech :-------------:| :------------:| :-----: | -----: | :----------------- | :---------- | :--------- [Ds2 Online Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s0/aishell.s0.ds_online.5rnn.debug.tar.gz) | Aishell Dataset | Char-based | 345 MB | 2 Conv + 5 LSTM layers with only forward direction | 0.0824 | 151 h -[Ds2 Offline Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s0/aishell.s0.ds2.offline.cer6p65.release.tar.gz)| Aishell Dataset | Char-based | 306 MB | 2 Conv + 3 bidirectional gru layers| 0.065 | 151 h +[Ds2 Offline Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s0/aishell.s0.ds2.offline.cer6p65.release.tar.gz)| Aishell Dataset | Char-based | 306 MB | 2 Conv + 3 bidirectional GRU layers| 0.065 | 151 h [Conformer Online Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s1/aishell.chunk.release.tar.gz) | Aishell Dataset | Char-based | 283 MB | Encoder:Conformer, Decoder:Transformer, Decoding method: Attention + CTC | 0.0594 | 151 h [Conformer Offline Aishell Model](https://deepspeech.bj.bcebos.com/release2.1/aishell/s1/aishell.release.tar.gz) | Aishell Dataset | Char-based | 284 MB | Encoder:Conformer, Decoder:Transformer, Decoding method: Attention | 0.0547 | 151 h [Conformer Librispeech Model](https://deepspeech.bj.bcebos.com/release2.1/librispeech/s1/conformer.release.tar.gz) | Librispeech Dataset | Word-based | 287 MB | Encoder:Conformer, Decoder:Transformer, Decoding method: Attention | 0.0325 | 960 h [Transformer Librispeech Model](https://deepspeech.bj.bcebos.com/release2.1/librispeech/s1/transformer.release.tar.gz) | Librispeech Dataset | Word-based | 195 MB | Encoder:Conformer, Decoder:Transformer, Decoding method: Attention | 0.0544 | 960 h +## Acoustic Model Transformed from paddle 1.8 +Acoustic Model | Training Data | Token-based | Size | Descriptions | CER or WER | Hours of speech +:-------------:| :------------:| :-----: | -----: | :----------------- | :---------- | :--------- +[Ds2 Offline Aishell model](https://deepspeech.bj.bcebos.com/mandarin_models/aishell_model_v1.8_to_v2.x.tar.gz)|Aishell Dataset| Char-based| 234 MB| 2 Conv + 3 bidirectional GRU layers| 0.0804 | 151 h| +[Ds2 Offline Librispeech model](https://deepspeech.bj.bcebos.com/eng_models/librispeech_v1.8_to_v2.x.tar.gz)|Librispeech Dataset| Word-based| 307 MB| 2 Conv + 3 bidirectional sharing weight RNN layers | 0.0685| 960 h| +[Ds2 Offline Baidu en8k model](https://deepspeech.bj.bcebos.com/eng_models/baidu_en8k_v1.8_to_v2.x.tar.gz)|Baidu Internal English Dataset| Word-based| 273 MB| 2 Conv + 3 bidirectional GRU layers | 0.0541 | 8628 h| + + + ## Language Model Released Language Model | Training Data | Token-based | Size | Descriptions From bab29b94f195ea5cb02c93828050cb73cdac02ff Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 06:57:34 +0000 Subject: [PATCH 088/103] fix train log --- deepspeech/exps/u2/model.py | 4 ++-- deepspeech/training/trainer.py | 4 ++-- 2 files changed, 4 insertions(+), 4 deletions(-) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index a5cef15c8..811da39b5 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -199,8 +199,8 @@ class U2Trainer(Trainer): report("Rank", dist.get_rank()) report("epoch", self.epoch) report('step', self.iteration) - report('step/total', - (batch_index + 1) / len(self.train_loader)) + report('iter', batch_index + 1) + report('total',len(self.train_loader)) report("lr", self.lr_scheduler()) self.train_batch(batch_index, batch, msg) self.after_train_batch() diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index c1afd3629..9ff95f29b 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -247,8 +247,8 @@ class Trainer(): report("Rank", dist.get_rank()) report("epoch", self.epoch) report('step', self.iteration) - report('step/total', - (batch_index + 1) / len(self.train_loader)) + report('iter', batch_index + 1) + report('total',len(self.train_loader)) report("lr", self.lr_scheduler()) self.train_batch(batch_index, batch, msg) self.after_train_batch() From 45a75acee16436fa4432d74f80faf74c1717177e Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 15:06:41 +0800 Subject: [PATCH 089/103] Delete nohup_test.out --- .../v18_to_v2x/exp_librispeech/nohup_test.out | 48597 ---------------- 1 file changed, 48597 deletions(-) delete mode 100644 examples/v18_to_v2x/exp_librispeech/nohup_test.out 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 3bc593c9a..000000000 --- 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 From 98b15eda05f4ea262df2cd723c433cd24b139510 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 09:20:01 +0000 Subject: [PATCH 090/103] batch WaveDataset --- deepspeech/exps/u2/model.py | 4 +- deepspeech/io/collator.py | 4 -- deepspeech/io/dataset.py | 128 +++++++++++++++++++++++++++++++++ deepspeech/training/trainer.py | 4 +- 4 files changed, 132 insertions(+), 8 deletions(-) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 811da39b5..6bf019005 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -199,11 +199,11 @@ class U2Trainer(Trainer): report("Rank", dist.get_rank()) report("epoch", self.epoch) report('step', self.iteration) - report('iter', batch_index + 1) - report('total',len(self.train_loader)) report("lr", self.lr_scheduler()) self.train_batch(batch_index, batch, msg) self.after_train_batch() + report('iter', batch_index + 1) + report('total', len(self.train_loader)) report('reader_cost', dataload_time) observation['batch_cost'] = observation[ 'reader_cost'] + observation['step_cost'] diff --git a/deepspeech/io/collator.py b/deepspeech/io/collator.py index df3004790..15b89ab9f 100644 --- a/deepspeech/io/collator.py +++ b/deepspeech/io/collator.py @@ -292,10 +292,6 @@ class SpeechCollator(): olens = np.array(text_lens).astype(np.int64) return utts, xs_pad, ilens, ys_pad, olens - @property - def manifest(self): - return self._manifest - @property def vocab_size(self): return self._speech_featurizer.vocab_size diff --git a/deepspeech/io/dataset.py b/deepspeech/io/dataset.py index e58e03b4e..56e534756 100644 --- a/deepspeech/io/dataset.py +++ b/deepspeech/io/dataset.py @@ -147,3 +147,131 @@ class TransformDataset(Dataset): def __getitem__(self, idx): """[] operator.""" return self.converter([self.reader(self.data[idx], return_uttid=True)]) + + +class AudioDataset(Dataset): + def __init__(self, + data_file, + max_length=10240, + min_length=0, + token_max_length=200, + token_min_length=1, + batch_type='static', + batch_size=1, + max_frames_in_batch=0, + sort=True, + raw_wav=True, + stride_ms=10): + """Dataset for loading audio data. + Attributes:: + data_file: input data file + Plain text data file, each line contains following 7 fields, + which is split by '\t': + utt:utt1 + feat:tmp/data/file1.wav or feat:tmp/data/fbank.ark:30 + feat_shape: 4.95(in seconds) or feat_shape:495,80(495 is in frames) + text:i love you + token: i l o v e y o u + tokenid: int id of this token + token_shape: M,N # M is the number of token, N is vocab size + max_length: drop utterance which is greater than max_length(10ms), unit 10ms. + min_length: drop utterance which is less than min_length(10ms), unit 10ms. + token_max_length: drop utterance which is greater than token_max_length, + especially when use char unit for english modeling + token_min_length: drop utterance which is less than token_max_length + batch_type: static or dynamic, see max_frames_in_batch(dynamic) + batch_size: number of utterances in a batch, + it's for static batch size. + max_frames_in_batch: max feature frames in a batch, + when batch_type is dynamic, it's for dynamic batch size. + Then batch_size is ignored, we will keep filling the + batch until the total frames in batch up to max_frames_in_batch. + sort: whether to sort all data, so the utterance with the same + length could be filled in a same batch. + raw_wav: use raw wave or extracted featute. + if raw wave is used, dynamic waveform-level augmentation could be used + and the feature is extracted by torchaudio. + if extracted featute(e.g. by kaldi) is used, only feature-level + augmentation such as specaug could be used. + """ + assert batch_type in ['static', 'dynamic'] + # read manifest + data = read_manifest(data_file) + if sort: + data = sorted(data, key=lambda x: x["feat_shape"][0]) + if raw_wav: + assert data[0]['feat'].split(':')[0].splitext()[-1] not in ('.ark', + '.scp') + data = map(lambda x: (float(x['feat_shape'][0]) * 1000 / stride_ms)) + + self.input_dim = data[0]['feat_shape'][1] + self.output_dim = data[0]['token_shape'][1] + + # with open(data_file, 'r') as f: + # for line in f: + # arr = line.strip().split('\t') + # if len(arr) != 7: + # continue + # key = arr[0].split(':')[1] + # tokenid = arr[5].split(':')[1] + # output_dim = int(arr[6].split(':')[1].split(',')[1]) + # if raw_wav: + # wav_path = ':'.join(arr[1].split(':')[1:]) + # duration = int(float(arr[2].split(':')[1]) * 1000 / 10) + # data.append((key, wav_path, duration, tokenid)) + # else: + # feat_ark = ':'.join(arr[1].split(':')[1:]) + # feat_info = arr[2].split(':')[1].split(',') + # feat_dim = int(feat_info[1].strip()) + # num_frames = int(feat_info[0].strip()) + # data.append((key, feat_ark, num_frames, tokenid)) + # self.input_dim = feat_dim + # self.output_dim = output_dim + + valid_data = [] + for i in range(len(data)): + length = data[i]['feat_shape'][0] + token_length = data[i]['token_shape'][0] + # remove too lang or too short utt for both input and output + # to prevent from out of memory + if length > max_length or length < min_length: + # logging.warn('ignore utterance {} feature {}'.format( + # data[i][0], length)) + pass + elif token_length > token_max_length or token_length < token_min_length: + pass + else: + valid_data.append(data[i]) + data = valid_data + + self.minibatch = [] + num_data = len(data) + # Dynamic batch size + if batch_type == 'dynamic': + assert (max_frames_in_batch > 0) + self.minibatch.append([]) + num_frames_in_batch = 0 + for i in range(num_data): + length = data[i]['feat_shape'][0] + num_frames_in_batch += length + if num_frames_in_batch > max_frames_in_batch: + self.minibatch.append([]) + num_frames_in_batch = length + self.minibatch[-1].append(data[i]) + # Static batch size + else: + cur = 0 + while cur < num_data: + end = min(cur + batch_size, num_data) + item = [] + for i in range(cur, end): + item.append(data[i]) + self.minibatch.append(item) + cur = end + + def __len__(self): + return len(self.minibatch) + + def __getitem__(self, idx): + instance = self.minibatch[idx] + return instance["utt"], instance["feat"], instance["text"] diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 9ff95f29b..8b1adcd03 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -247,11 +247,11 @@ class Trainer(): report("Rank", dist.get_rank()) report("epoch", self.epoch) report('step', self.iteration) - report('iter', batch_index + 1) - report('total',len(self.train_loader)) report("lr", self.lr_scheduler()) self.train_batch(batch_index, batch, msg) self.after_train_batch() + report('iter', batch_index + 1) + report('total', len(self.train_loader)) report('reader_cost', dataload_time) observation['batch_cost'] = observation[ 'reader_cost'] + observation['step_cost'] From 80eb6b7f01851c42811866d2678007497e684be2 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 09:32:00 +0000 Subject: [PATCH 091/103] fix espnet kaldi libri s2 config --- examples/librispeech/s2/conf/transformer.yaml | 6 +++--- examples/librispeech/s2/local/test.sh | 2 +- examples/librispeech/s2/run.sh | 6 +++--- utils/avg_model.py | 4 ++-- 4 files changed, 9 insertions(+), 9 deletions(-) diff --git a/examples/librispeech/s2/conf/transformer.yaml b/examples/librispeech/s2/conf/transformer.yaml index edf5b81dc..b86224ff4 100644 --- a/examples/librispeech/s2/conf/transformer.yaml +++ b/examples/librispeech/s2/conf/transformer.yaml @@ -12,7 +12,7 @@ collator: stride_ms: 10.0 window_ms: 25.0 sortagrad: 0 # Feed samples from shortest to longest ; -1: enabled for all epochs, 0: disabled, other: enabled for 'other' epochs - batch_size: 32 + batch_size: 30 maxlen_in: 512 # if input length > maxlen-in, batchsize is automatically reduced maxlen_out: 150 # if output length > maxlen-out, batchsize is automatically reduced minibatches: 0 # for debug @@ -59,7 +59,7 @@ model: model_conf: ctc_weight: 0.3 ctc_dropoutrate: 0.0 - ctc_grad_norm_type: instance + ctc_grad_norm_type: batch lsm_weight: 0.1 # label smoothing option length_normalized_loss: false @@ -83,7 +83,7 @@ scheduler_conf: lr_decay: 1.0 decoding: - batch_size: 64 + batch_size: 1 error_rate_type: wer decoding_method: attention # 'attention', 'ctc_greedy_search', 'ctc_prefix_beam_search', 'attention_rescoring' lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm diff --git a/examples/librispeech/s2/local/test.sh b/examples/librispeech/s2/local/test.sh index efd06f35e..893d67b5b 100755 --- a/examples/librispeech/s2/local/test.sh +++ b/examples/librispeech/s2/local/test.sh @@ -36,7 +36,7 @@ for type in attention ctc_greedy_search; do # stream decoding only support batchsize=1 batch_size=1 else - batch_size=64 + batch_size=1 fi python3 -u ${BIN_DIR}/test.py \ --model-name u2_kaldi \ diff --git a/examples/librispeech/s2/run.sh b/examples/librispeech/s2/run.sh index 46c8ea5d8..8dd937369 100755 --- a/examples/librispeech/s2/run.sh +++ b/examples/librispeech/s2/run.sh @@ -6,7 +6,7 @@ stage=0 stop_stage=100 conf_path=conf/transformer.yaml dict_path=data/train_960_unigram5000_units.txt -avg_num=5 +avg_num=10 source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; avg_ckpt=avg_${avg_num} @@ -20,12 +20,12 @@ fi if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then # train model, all `ckpt` under `exp` dir - CUDA_VISIBLE_DEVICES=0,1,2,3 ./local/train.sh ${conf_path} ${ckpt} + CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 ./local/train.sh ${conf_path} ${ckpt} fi if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then # avg n best model - avg.sh best exp/${ckpt}/checkpoints ${avg_num} + avg.sh latest exp/${ckpt}/checkpoints ${avg_num} fi if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then diff --git a/utils/avg_model.py b/utils/avg_model.py index 8ec792f52..3a0739c95 100755 --- a/utils/avg_model.py +++ b/utils/avg_model.py @@ -80,8 +80,8 @@ def main(args): data = json.dumps({ "avg_ckpt": args.dst_model, "ckpt": path_list, - "epoch": selected_epochs.tolist(), - "val_loss": beat_val_scores.tolist(), + "epoch": selected_epochs, + "val_loss": beat_val_scores, }) f.write(data + "\n") From 913b2300c30b4816429abcd03e790d5a81d0610e Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 10:04:35 +0000 Subject: [PATCH 092/103] nprocs 0 for cpu, other for gpu --- deepspeech/exps/deepspeech2/bin/train.py | 2 +- deepspeech/exps/deepspeech2/model.py | 4 ++-- deepspeech/exps/u2/bin/train.py | 2 +- deepspeech/exps/u2/model.py | 2 +- deepspeech/exps/u2_kaldi/bin/train.py | 2 +- deepspeech/exps/u2_kaldi/model.py | 2 +- deepspeech/exps/u2_st/bin/train.py | 2 +- deepspeech/exps/u2_st/model.py | 2 +- deepspeech/training/cli.py | 8 +------- deepspeech/training/trainer.py | 6 +++--- examples/aishell/s0/local/export.sh | 6 ------ examples/aishell/s0/local/test.sh | 7 +------ examples/aishell/s0/local/test_export.sh | 7 +------ examples/aishell/s0/local/train.sh | 6 ------ examples/aishell/s1/local/align.sh | 7 +------ examples/aishell/s1/local/export.sh | 6 ------ examples/aishell/s1/local/test.sh | 11 ++--------- examples/aishell/s1/local/train.sh | 6 ------ examples/callcenter/s1/local/align.sh | 8 +------- examples/callcenter/s1/local/export.sh | 6 ------ examples/callcenter/s1/local/test.sh | 10 ++-------- examples/callcenter/s1/local/train.sh | 5 ----- examples/librispeech/s0/local/export.sh | 6 ------ examples/librispeech/s0/local/test.sh | 7 +------ examples/librispeech/s0/local/train.sh | 7 ------- examples/librispeech/s1/local/align.sh | 7 +------ examples/librispeech/s1/local/export.sh | 6 ------ examples/librispeech/s1/local/test.sh | 11 ++--------- examples/librispeech/s1/local/train.sh | 10 +++------- examples/librispeech/s2/local/align.sh | 7 +------ examples/librispeech/s2/local/export.sh | 6 ------ examples/librispeech/s2/local/train.sh | 7 ------- examples/ted_en_zh/t0/local/test.sh | 7 +------ examples/ted_en_zh/t0/local/train.sh | 7 ------- examples/timit/s1/local/align.sh | 7 +------ examples/timit/s1/local/export.sh | 6 ------ examples/timit/s1/local/test.sh | 11 ++--------- examples/timit/s1/local/train.sh | 7 ------- examples/tiny/s0/local/export.sh | 6 ------ examples/tiny/s0/local/test.sh | 7 +------ examples/tiny/s0/local/train.sh | 7 ------- examples/tiny/s1/local/align.sh | 7 +------ examples/tiny/s1/local/export.sh | 6 ------ examples/tiny/s1/local/test.sh | 10 ++-------- examples/tiny/s1/local/train.sh | 6 ------ examples/v18_to_v2x/deepspeech2x/model.py | 2 +- examples/v18_to_v2x/exp_aishell/local/test.sh | 7 +------ examples/v18_to_v2x/exp_baidu_en8k/local/test.sh | 7 +------ examples/v18_to_v2x/exp_librispeech/local/test.sh | 7 +------ tests/chains/ds2_params_lite_train_infer.txt | 4 ++-- 50 files changed, 43 insertions(+), 269 deletions(-) diff --git a/deepspeech/exps/deepspeech2/bin/train.py b/deepspeech/exps/deepspeech2/bin/train.py index 69ff043a0..6740f288f 100644 --- a/deepspeech/exps/deepspeech2/bin/train.py +++ b/deepspeech/exps/deepspeech2/bin/train.py @@ -27,7 +27,7 @@ def main_sp(config, args): def main(config, args): - if args.device == "gpu" and args.nprocs > 1: + if args.nprocs > 0: dist.spawn(main_sp, args=(config, args), nprocs=args.nprocs) else: main_sp(config, args) diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index 7bf029300..8af2b02ab 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -403,7 +403,7 @@ class DeepSpeech2Tester(DeepSpeech2Trainer): def setup(self): """Setup the experiment. """ - paddle.set_device(self.args.device) + paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() @@ -635,7 +635,7 @@ class DeepSpeech2ExportTester(DeepSpeech2Tester): def setup(self): """Setup the experiment. """ - paddle.set_device(self.args.device) + paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') self.setup_output_dir() diff --git a/deepspeech/exps/u2/bin/train.py b/deepspeech/exps/u2/bin/train.py index b664401a2..17fb08a6c 100644 --- a/deepspeech/exps/u2/bin/train.py +++ b/deepspeech/exps/u2/bin/train.py @@ -32,7 +32,7 @@ def main_sp(config, args): def main(config, args): - if args.device == "gpu" and args.nprocs > 1: + if args.nprocs > 0: dist.spawn(main_sp, args=(config, args), nprocs=args.nprocs) else: main_sp(config, args) diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 6bf019005..bc46a104b 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -653,7 +653,7 @@ class U2Tester(U2Trainer): def setup(self): """Setup the experiment. """ - paddle.set_device(self.args.device) + paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() diff --git a/deepspeech/exps/u2_kaldi/bin/train.py b/deepspeech/exps/u2_kaldi/bin/train.py index 1dcd154d3..d909727f3 100644 --- a/deepspeech/exps/u2_kaldi/bin/train.py +++ b/deepspeech/exps/u2_kaldi/bin/train.py @@ -36,7 +36,7 @@ def main_sp(config, args): def main(config, args): - if args.device == "gpu" and args.nprocs > 1: + if args.nprocs > 0: dist.spawn(main_sp, args=(config, args), nprocs=args.nprocs) else: main_sp(config, args) diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index bc7cd4fd3..be89c3d69 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -637,7 +637,7 @@ class U2Tester(U2Trainer): def setup(self): """Setup the experiment. """ - paddle.set_device(self.args.device) + paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() diff --git a/deepspeech/exps/u2_st/bin/train.py b/deepspeech/exps/u2_st/bin/train.py index 86a0f0000..1e6a746b8 100644 --- a/deepspeech/exps/u2_st/bin/train.py +++ b/deepspeech/exps/u2_st/bin/train.py @@ -30,7 +30,7 @@ def main_sp(config, args): def main(config, args): - if args.device == "gpu" and args.nprocs > 1: + if args.nprocs > 0: dist.spawn(main_sp, args=(config, args), nprocs=args.nprocs) else: main_sp(config, args) diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index 4f95bc42b..55dadee82 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -661,7 +661,7 @@ class U2STTester(U2STTrainer): def setup(self): """Setup the experiment. """ - paddle.set_device(self.args.device) + paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() diff --git a/deepspeech/training/cli.py b/deepspeech/training/cli.py index 07c213dbc..aa263a066 100644 --- a/deepspeech/training/cli.py +++ b/deepspeech/training/cli.py @@ -30,7 +30,7 @@ def default_argument_parser(): The ``--checkpoint_path`` specifies the checkpoint to load from. - The ``--device`` and ``--nprocs`` specifies how to run the training. + The ``--nprocs`` specifies how to run the training. See Also @@ -51,12 +51,6 @@ def default_argument_parser(): default=None, help="seed to use for paddle, np and random. None or 0 for random, else set seed." ) - train_group.add_argument( - "--device", - type=str, - default='gpu', - choices=["cpu", "gpu"], - help="device cpu and gpu are supported.") train_group.add_argument( "--nprocs", type=int, diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index 8b1adcd03..b180f4890 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -86,7 +86,7 @@ class Trainer(): >>> config.merge_from_list(args.opts) >>> config.freeze() >>> - >>> if args.nprocs > 1 and args.device == "gpu": + >>> if args.nprocs > 0: >>> dist.spawn(main_sp, args=(config, args), nprocs=args.nprocs) >>> else: >>> main_sp(config, args) @@ -119,7 +119,7 @@ class Trainer(): def setup(self): """Setup the experiment. """ - paddle.set_device(self.args.device) + paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') if self.parallel: self.init_parallel() @@ -139,7 +139,7 @@ class Trainer(): """A flag indicating whether the experiment should run with multiprocessing. """ - return self.args.device == "gpu" and self.args.nprocs > 1 + return elf.args.nprocs > 0 def init_parallel(self): """Init environment for multiprocess training. diff --git a/examples/aishell/s0/local/export.sh b/examples/aishell/s0/local/export.sh index 2e09e5f5e..a5e62c28d 100755 --- a/examples/aishell/s0/local/export.sh +++ b/examples/aishell/s0/local/export.sh @@ -13,13 +13,7 @@ ckpt_path_prefix=$2 jit_model_export_path=$3 model_type=$4 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/export.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/aishell/s0/local/test.sh b/examples/aishell/s0/local/test.sh index 9fd0bc8d5..2ae0740b3 100755 --- a/examples/aishell/s0/local/test.sh +++ b/examples/aishell/s0/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 model_type=$3 @@ -23,8 +19,7 @@ if [ $? -ne 0 ]; then fi python3 -u ${BIN_DIR}/test.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/aishell/s0/local/test_export.sh b/examples/aishell/s0/local/test_export.sh index b6d580979..a9a6b122d 100755 --- a/examples/aishell/s0/local/test_export.sh +++ b/examples/aishell/s0/local/test_export.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 jit_model_export_path=$2 model_type=$3 @@ -23,8 +19,7 @@ if [ $? -ne 0 ]; then fi python3 -u ${BIN_DIR}/test_export.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${jit_model_export_path}.rsl \ --export_path ${jit_model_export_path} \ diff --git a/examples/aishell/s0/local/train.sh b/examples/aishell/s0/local/train.sh index 668ad0ead..edbf33830 100755 --- a/examples/aishell/s0/local/train.sh +++ b/examples/aishell/s0/local/train.sh @@ -12,11 +12,6 @@ config_path=$1 ckpt_name=$2 model_type=$3 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - mkdir -p exp # seed may break model convergence @@ -26,7 +21,6 @@ if [ ${seed} != 0 ]; then fi python3 -u ${BIN_DIR}/train.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/aishell/s1/local/align.sh b/examples/aishell/s1/local/align.sh index ad6c84bc8..279461aaf 100755 --- a/examples/aishell/s1/local/align.sh +++ b/examples/aishell/s1/local/align.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 @@ -22,8 +18,7 @@ mkdir -p ${output_dir} # align dump in `result_file` # .tier, .TextGrid dump in `dir of result_file` python3 -u ${BIN_DIR}/alignment.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.align \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/aishell/s1/local/export.sh b/examples/aishell/s1/local/export.sh index f99a15bad..b562218e7 100755 --- a/examples/aishell/s1/local/export.sh +++ b/examples/aishell/s1/local/export.sh @@ -12,13 +12,7 @@ config_path=$1 ckpt_path_prefix=$2 jit_model_export_path=$3 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/export.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/aishell/s1/local/test.sh b/examples/aishell/s1/local/test.sh index f7e99ad7f..c87412c9b 100755 --- a/examples/aishell/s1/local/test.sh +++ b/examples/aishell/s1/local/test.sh @@ -8,11 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - config_path=$1 ckpt_prefix=$2 @@ -39,8 +34,7 @@ for type in attention ctc_greedy_search; do output_dir=${ckpt_prefix} mkdir -p ${output_dir} python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ @@ -58,8 +52,7 @@ for type in ctc_prefix_beam_search attention_rescoring; do output_dir=${ckpt_prefix} mkdir -p ${output_dir} python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/aishell/s1/local/train.sh b/examples/aishell/s1/local/train.sh index 5097d4d03..71af3a006 100755 --- a/examples/aishell/s1/local/train.sh +++ b/examples/aishell/s1/local/train.sh @@ -12,11 +12,6 @@ source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True echo "using seed $seed & FLAGS_cudnn_deterministic=True ..." @@ -34,7 +29,6 @@ mkdir -p exp python3 -u ${BIN_DIR}/train.py \ --seed ${seed} \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/callcenter/s1/local/align.sh b/examples/callcenter/s1/local/align.sh index f2c878c20..b679e2ea7 100755 --- a/examples/callcenter/s1/local/align.sh +++ b/examples/callcenter/s1/local/align.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 @@ -20,7 +16,6 @@ ckpt_name=$(basename ${ckpt_prefxi}) mkdir -p exp - batch_size=1 output_dir=${ckpt_prefix} mkdir -p ${output_dir} @@ -28,8 +23,7 @@ mkdir -p ${output_dir} # align dump in `result_file` # .tier, .TextGrid dump in `dir of result_file` python3 -u ${BIN_DIR}/alignment.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.align \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/callcenter/s1/local/export.sh b/examples/callcenter/s1/local/export.sh index d171899cd..d5f912e90 100755 --- a/examples/callcenter/s1/local/export.sh +++ b/examples/callcenter/s1/local/export.sh @@ -12,13 +12,7 @@ config_path=$1 ckpt_path_prefix=$2 jit_model_export_path=$3 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/export.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/callcenter/s1/local/test.sh b/examples/callcenter/s1/local/test.sh index 7a5b1cdb1..dca3137dd 100755 --- a/examples/callcenter/s1/local/test.sh +++ b/examples/callcenter/s1/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 @@ -32,8 +28,7 @@ for type in attention ctc_greedy_search; do output_dir=${ckpt_prefix} mkdir -p ${output_dir} python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ @@ -51,8 +46,7 @@ for type in ctc_prefix_beam_search attention_rescoring; do output_dir=${ckpt_prefix} mkdir -p ${output_dir} python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/callcenter/s1/local/train.sh b/examples/callcenter/s1/local/train.sh index d5dc15b03..eb8f86626 100755 --- a/examples/callcenter/s1/local/train.sh +++ b/examples/callcenter/s1/local/train.sh @@ -11,10 +11,6 @@ echo "using $ngpu gpus..." config_path=$1 ckpt_name=$2 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi echo "using ${device}..." mkdir -p exp @@ -26,7 +22,6 @@ if [ ${seed} != 0 ]; then fi python3 -u ${BIN_DIR}/train.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/librispeech/s0/local/export.sh b/examples/librispeech/s0/local/export.sh index 2e09e5f5e..a5e62c28d 100755 --- a/examples/librispeech/s0/local/export.sh +++ b/examples/librispeech/s0/local/export.sh @@ -13,13 +13,7 @@ ckpt_path_prefix=$2 jit_model_export_path=$3 model_type=$4 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/export.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/librispeech/s0/local/test.sh b/examples/librispeech/s0/local/test.sh index b5b68c599..4d00f30b8 100755 --- a/examples/librispeech/s0/local/test.sh +++ b/examples/librispeech/s0/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 model_type=$3 @@ -23,8 +19,7 @@ if [ $? -ne 0 ]; then fi python3 -u ${BIN_DIR}/test.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/librispeech/s0/local/train.sh b/examples/librispeech/s0/local/train.sh index 6aee372a4..519df7fe9 100755 --- a/examples/librispeech/s0/local/train.sh +++ b/examples/librispeech/s0/local/train.sh @@ -12,12 +12,6 @@ config_path=$1 ckpt_name=$2 model_type=$3 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi -echo "using ${device}..." - mkdir -p exp # seed may break model convergence @@ -27,7 +21,6 @@ if [ ${seed} != 0 ]; then fi python3 -u ${BIN_DIR}/train.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/librispeech/s1/local/align.sh b/examples/librispeech/s1/local/align.sh index ad6c84bc8..279461aaf 100755 --- a/examples/librispeech/s1/local/align.sh +++ b/examples/librispeech/s1/local/align.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 @@ -22,8 +18,7 @@ mkdir -p ${output_dir} # align dump in `result_file` # .tier, .TextGrid dump in `dir of result_file` python3 -u ${BIN_DIR}/alignment.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.align \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/librispeech/s1/local/export.sh b/examples/librispeech/s1/local/export.sh index f99a15bad..b562218e7 100755 --- a/examples/librispeech/s1/local/export.sh +++ b/examples/librispeech/s1/local/export.sh @@ -12,13 +12,7 @@ config_path=$1 ckpt_path_prefix=$2 jit_model_export_path=$3 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/export.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/librispeech/s1/local/test.sh b/examples/librispeech/s1/local/test.sh index 3bd3f0bba..f7ec34ab5 100755 --- a/examples/librispeech/s1/local/test.sh +++ b/examples/librispeech/s1/local/test.sh @@ -8,11 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - config_path=$1 ckpt_prefix=$2 @@ -38,8 +33,7 @@ for type in attention ctc_greedy_search; do batch_size=64 fi python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ @@ -55,8 +49,7 @@ for type in ctc_prefix_beam_search attention_rescoring; do echo "decoding ${type}" batch_size=1 python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/librispeech/s1/local/train.sh b/examples/librispeech/s1/local/train.sh index f905b766e..8f92c6469 100755 --- a/examples/librispeech/s1/local/train.sh +++ b/examples/librispeech/s1/local/train.sh @@ -11,12 +11,6 @@ echo "using $ngpu gpus..." config_path=$1 ckpt_name=$2 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi -echo "using ${device}..." - mkdir -p exp # seed may break model convergence @@ -25,8 +19,10 @@ if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True fi +# export FLAGS_cudnn_exhaustive_search=true +# export FLAGS_conv_workspace_size_limit=4000 + python3 -u ${BIN_DIR}/train.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/librispeech/s2/local/align.sh b/examples/librispeech/s2/local/align.sh index b3d8fa5f5..b45f4a0f5 100755 --- a/examples/librispeech/s2/local/align.sh +++ b/examples/librispeech/s2/local/align.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 dict_path=$2 ckpt_prefix=$3 @@ -26,8 +22,7 @@ python3 -u ${BIN_DIR}/test.py \ --model-name 'u2_kaldi' \ --run-mode 'align' \ --dict-path ${dict_path} \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result-file ${output_dir}/${type}.align \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/librispeech/s2/local/export.sh b/examples/librispeech/s2/local/export.sh index efa70a2b9..9c66dc62a 100755 --- a/examples/librispeech/s2/local/export.sh +++ b/examples/librispeech/s2/local/export.sh @@ -12,15 +12,9 @@ config_path=$1 ckpt_path_prefix=$2 jit_model_export_path=$3 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/test.py \ --model-name 'u2_kaldi' \ --run-mode 'export' \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/librispeech/s2/local/train.sh b/examples/librispeech/s2/local/train.sh index 66754201f..33b46c20f 100755 --- a/examples/librispeech/s2/local/train.sh +++ b/examples/librispeech/s2/local/train.sh @@ -11,12 +11,6 @@ echo "using $ngpu gpus..." config_path=$1 ckpt_name=$2 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi -echo "using ${device}..." - mkdir -p exp # seed may break model convergence @@ -27,7 +21,6 @@ fi python3 -u ${BIN_DIR}/train.py \ --model-name u2_kaldi \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/ted_en_zh/t0/local/test.sh b/examples/ted_en_zh/t0/local/test.sh index 642328e88..344750855 100755 --- a/examples/ted_en_zh/t0/local/test.sh +++ b/examples/ted_en_zh/t0/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 @@ -19,8 +15,7 @@ for type in fullsentence; do echo "decoding ${type}" batch_size=32 python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/ted_en_zh/t0/local/train.sh b/examples/ted_en_zh/t0/local/train.sh index f905b766e..e5fd19ddb 100755 --- a/examples/ted_en_zh/t0/local/train.sh +++ b/examples/ted_en_zh/t0/local/train.sh @@ -11,12 +11,6 @@ echo "using $ngpu gpus..." config_path=$1 ckpt_name=$2 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi -echo "using ${device}..." - mkdir -p exp # seed may break model convergence @@ -26,7 +20,6 @@ if [ ${seed} != 0 ]; then fi python3 -u ${BIN_DIR}/train.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/timit/s1/local/align.sh b/examples/timit/s1/local/align.sh index ad6c84bc8..279461aaf 100755 --- a/examples/timit/s1/local/align.sh +++ b/examples/timit/s1/local/align.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 @@ -22,8 +18,7 @@ mkdir -p ${output_dir} # align dump in `result_file` # .tier, .TextGrid dump in `dir of result_file` python3 -u ${BIN_DIR}/alignment.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.align \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/timit/s1/local/export.sh b/examples/timit/s1/local/export.sh index f99a15bad..b562218e7 100755 --- a/examples/timit/s1/local/export.sh +++ b/examples/timit/s1/local/export.sh @@ -12,13 +12,7 @@ config_path=$1 ckpt_path_prefix=$2 jit_model_export_path=$3 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/export.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/timit/s1/local/test.sh b/examples/timit/s1/local/test.sh index a137924e2..868c8fda8 100755 --- a/examples/timit/s1/local/test.sh +++ b/examples/timit/s1/local/test.sh @@ -8,11 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - config_path=$1 ckpt_prefix=$2 @@ -37,8 +32,7 @@ for type in attention ctc_greedy_search; do batch_size=64 fi python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ @@ -54,8 +48,7 @@ for type in ctc_prefix_beam_search attention_rescoring; do echo "decoding ${type}" batch_size=1 python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/timit/s1/local/train.sh b/examples/timit/s1/local/train.sh index 180d8b5a7..89a64327c 100755 --- a/examples/timit/s1/local/train.sh +++ b/examples/timit/s1/local/train.sh @@ -11,12 +11,6 @@ echo "using $ngpu gpus..." config_path=$1 ckpt_name=$2 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi -echo "using ${device}..." - mkdir -p exp # seed may break model convergence @@ -26,7 +20,6 @@ if [ ${seed} != 0 ]; then fi python3 -u ${BIN_DIR}/train.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/tiny/s0/local/export.sh b/examples/tiny/s0/local/export.sh index 2e09e5f5e..a5e62c28d 100755 --- a/examples/tiny/s0/local/export.sh +++ b/examples/tiny/s0/local/export.sh @@ -13,13 +13,7 @@ ckpt_path_prefix=$2 jit_model_export_path=$3 model_type=$4 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/export.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/tiny/s0/local/test.sh b/examples/tiny/s0/local/test.sh index b5b68c599..4d00f30b8 100755 --- a/examples/tiny/s0/local/test.sh +++ b/examples/tiny/s0/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 model_type=$3 @@ -23,8 +19,7 @@ if [ $? -ne 0 ]; then fi python3 -u ${BIN_DIR}/test.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/tiny/s0/local/train.sh b/examples/tiny/s0/local/train.sh index 9a76c7ade..5b87780ae 100755 --- a/examples/tiny/s0/local/train.sh +++ b/examples/tiny/s0/local/train.sh @@ -10,17 +10,11 @@ source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True echo "using seed $seed & FLAGS_cudnn_deterministic=True ..." fi - if [ $# != 3 ];then echo "usage: CUDA_VISIBLE_DEVICES=0 ${0} config_path ckpt_name model_type" exit -1 @@ -33,7 +27,6 @@ model_type=$3 mkdir -p exp python3 -u ${BIN_DIR}/train.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/tiny/s1/local/align.sh b/examples/tiny/s1/local/align.sh index ad6c84bc8..279461aaf 100755 --- a/examples/tiny/s1/local/align.sh +++ b/examples/tiny/s1/local/align.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 @@ -22,8 +18,7 @@ mkdir -p ${output_dir} # align dump in `result_file` # .tier, .TextGrid dump in `dir of result_file` python3 -u ${BIN_DIR}/alignment.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${output_dir}/${type}.align \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/tiny/s1/local/export.sh b/examples/tiny/s1/local/export.sh index f99a15bad..b562218e7 100755 --- a/examples/tiny/s1/local/export.sh +++ b/examples/tiny/s1/local/export.sh @@ -12,13 +12,7 @@ config_path=$1 ckpt_path_prefix=$2 jit_model_export_path=$3 -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - python3 -u ${BIN_DIR}/export.py \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --checkpoint_path ${ckpt_path_prefix} \ diff --git a/examples/tiny/s1/local/test.sh b/examples/tiny/s1/local/test.sh index 4d3ed081a..19872bb36 100755 --- a/examples/tiny/s1/local/test.sh +++ b/examples/tiny/s1/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 @@ -35,8 +31,7 @@ for type in attention ctc_greedy_search; do batch_size=64 fi python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ @@ -52,8 +47,7 @@ for type in ctc_prefix_beam_search attention_rescoring; do echo "decoding ${type}" batch_size=1 python3 -u ${BIN_DIR}/test.py \ - --device ${device} \ - --nproc 1 \ + --nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/tiny/s1/local/train.sh b/examples/tiny/s1/local/train.sh index 5097d4d03..71af3a006 100755 --- a/examples/tiny/s1/local/train.sh +++ b/examples/tiny/s1/local/train.sh @@ -12,11 +12,6 @@ source ${MAIN_ROOT}/utils/parse_options.sh || exit 1; ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi - if [ ${seed} != 0 ]; then export FLAGS_cudnn_deterministic=True echo "using seed $seed & FLAGS_cudnn_deterministic=True ..." @@ -34,7 +29,6 @@ mkdir -p exp python3 -u ${BIN_DIR}/train.py \ --seed ${seed} \ ---device ${device} \ --nproc ${ngpu} \ --config ${config_path} \ --output exp/${ckpt_name} \ diff --git a/examples/v18_to_v2x/deepspeech2x/model.py b/examples/v18_to_v2x/deepspeech2x/model.py index 1fe1e2d68..cbbc502d2 100644 --- a/examples/v18_to_v2x/deepspeech2x/model.py +++ b/examples/v18_to_v2x/deepspeech2x/model.py @@ -401,7 +401,7 @@ class DeepSpeech2Tester(DeepSpeech2Trainer): def setup(self): """Setup the experiment. """ - paddle.set_device(self.args.device) + paddle.set_device('gpu' if self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() diff --git a/examples/v18_to_v2x/exp_aishell/local/test.sh b/examples/v18_to_v2x/exp_aishell/local/test.sh index 9fd0bc8d5..2ae0740b3 100755 --- a/examples/v18_to_v2x/exp_aishell/local/test.sh +++ b/examples/v18_to_v2x/exp_aishell/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 model_type=$3 @@ -23,8 +19,7 @@ if [ $? -ne 0 ]; then fi python3 -u ${BIN_DIR}/test.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/v18_to_v2x/exp_baidu_en8k/local/test.sh b/examples/v18_to_v2x/exp_baidu_en8k/local/test.sh index b5b68c599..4d00f30b8 100755 --- a/examples/v18_to_v2x/exp_baidu_en8k/local/test.sh +++ b/examples/v18_to_v2x/exp_baidu_en8k/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 model_type=$3 @@ -23,8 +19,7 @@ if [ $? -ne 0 ]; then fi python3 -u ${BIN_DIR}/test.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/examples/v18_to_v2x/exp_librispeech/local/test.sh b/examples/v18_to_v2x/exp_librispeech/local/test.sh index b5b68c599..4d00f30b8 100755 --- a/examples/v18_to_v2x/exp_librispeech/local/test.sh +++ b/examples/v18_to_v2x/exp_librispeech/local/test.sh @@ -8,10 +8,6 @@ fi ngpu=$(echo $CUDA_VISIBLE_DEVICES | awk -F "," '{print NF}') echo "using $ngpu gpus..." -device=gpu -if [ ${ngpu} == 0 ];then - device=cpu -fi config_path=$1 ckpt_prefix=$2 model_type=$3 @@ -23,8 +19,7 @@ if [ $? -ne 0 ]; then fi python3 -u ${BIN_DIR}/test.py \ ---device ${device} \ ---nproc 1 \ +--nproc ${ngpu} \ --config ${config_path} \ --result_file ${ckpt_prefix}.rsl \ --checkpoint_path ${ckpt_prefix} \ diff --git a/tests/chains/ds2_params_lite_train_infer.txt b/tests/chains/ds2_params_lite_train_infer.txt index 82a9da9a9..47f7db95b 100644 --- a/tests/chains/ds2_params_lite_train_infer.txt +++ b/tests/chains/ds2_params_lite_train_infer.txt @@ -13,7 +13,7 @@ null:null null:null ## trainer:norm_train -norm_train: ../../../deepspeech/exps/deepspeech2/bin/train.py --nproc 1 --config conf/deepspeech2.yaml --model_type offline --device gpu +norm_train: ../../../deepspeech/exps/deepspeech2/bin/train.py --nproc 1 --config conf/deepspeech2.yaml --model_type offline pact_train:null fpgm_train:null distill_train:null @@ -21,7 +21,7 @@ null:null null:null ## ===========================eval_params=========================== -eval: ../../../deepspeech/exps/deepspeech2/bin/test.py --nproc 1 --config conf/deepspeech2.yaml --result_file tests/9.rsl --model_type offline --device gpu +eval: ../../../deepspeech/exps/deepspeech2/bin/test.py --nproc 1 --config conf/deepspeech2.yaml --result_file tests/9.rsl --model_type offline null:null ## ===========================infer_params=========================== From c6e8a33b735e943c42a0398bacf5bb125a8ceb54 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 12:17:38 +0000 Subject: [PATCH 093/103] fix set_device; more utils; args.opts support multi same name --- deepspeech/exps/deepspeech2/model.py | 4 +- deepspeech/exps/u2/model.py | 2 +- deepspeech/exps/u2_kaldi/model.py | 2 +- deepspeech/exps/u2_st/model.py | 2 +- deepspeech/training/cli.py | 23 +- deepspeech/training/trainer.py | 4 +- examples/librispeech/s1/local/test.sh | 6 +- examples/librispeech/s2/cmd.sh | 89 +++++++ examples/librispeech/s2/local/test.sh | 102 ++++---- examples/librispeech/s2/run.sh | 4 +- utils/README.md | 3 + utils/build_kenlm_model_from_arpa.sh | 44 ++++ utils/duration_from_maniefst.sh | 0 utils/log.sh | 0 utils/parallel/run.pl | 356 ++++++++++++++++++++++++++ utils/parse_options.sh | 0 utils/pd_env_collect.sh | 0 utils/profile.sh | 0 utils/run.pl | 1 + utils/score_sclite.sh | 125 +++++++++ utils/spk2utt_to_utt2spk.pl | 25 ++ utils/split_data.sh | 79 ++++++ utils/split_json.sh | 31 +++ utils/split_scp.pl | 212 +++++++++++++++ utils/train_arpa_with_kenlm.sh | 67 +++++ utils/utility.sh | 0 utils/utt2spk_to_spk2utt.pl | 38 +++ 27 files changed, 1158 insertions(+), 61 deletions(-) create mode 100644 examples/librispeech/s2/cmd.sh create mode 100644 utils/README.md create mode 100755 utils/build_kenlm_model_from_arpa.sh mode change 100644 => 100755 utils/duration_from_maniefst.sh mode change 100644 => 100755 utils/log.sh create mode 100755 utils/parallel/run.pl mode change 100644 => 100755 utils/parse_options.sh mode change 100644 => 100755 utils/pd_env_collect.sh mode change 100644 => 100755 utils/profile.sh create mode 100755 utils/run.pl create mode 100755 utils/score_sclite.sh create mode 100755 utils/spk2utt_to_utt2spk.pl create mode 100755 utils/split_data.sh create mode 100755 utils/split_json.sh create mode 100644 utils/split_scp.pl create mode 100755 utils/train_arpa_with_kenlm.sh mode change 100644 => 100755 utils/utility.sh create mode 100755 utils/utt2spk_to_spk2utt.pl diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index 8af2b02ab..120539814 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -403,7 +403,7 @@ class DeepSpeech2Tester(DeepSpeech2Trainer): def setup(self): """Setup the experiment. """ - paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') + paddle.set_device('gpu' if self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() @@ -635,7 +635,7 @@ class DeepSpeech2ExportTester(DeepSpeech2Tester): def setup(self): """Setup the experiment. """ - paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') + paddle.set_device('gpu' if self.args.nprocs > 0 else 'cpu') self.setup_output_dir() diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index bc46a104b..4dd054896 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -653,7 +653,7 @@ class U2Tester(U2Trainer): def setup(self): """Setup the experiment. """ - paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') + paddle.set_device('gpu' if self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index be89c3d69..e8482aa9c 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -637,7 +637,7 @@ class U2Tester(U2Trainer): def setup(self): """Setup the experiment. """ - paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') + paddle.set_device('gpu' if self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index 55dadee82..c98f5e69e 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -661,7 +661,7 @@ class U2STTester(U2STTrainer): def setup(self): """Setup the experiment. """ - paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') + paddle.set_device('gpu' if self.args.nprocs > 0 else 'cpu') self.setup_output_dir() self.setup_checkpointer() diff --git a/deepspeech/training/cli.py b/deepspeech/training/cli.py index aa263a066..e079293c7 100644 --- a/deepspeech/training/cli.py +++ b/deepspeech/training/cli.py @@ -14,6 +14,20 @@ import argparse +class ExtendAction(argparse.Action): + """ + [Since Python 3.8, the "extend" is available directly in stdlib] + (https://docs.python.org/3.8/library/argparse.html#action). + If you only have to support 3.8+ then defining it yourself is no longer required. + Usage of stdlib "extend" action is exactly the same way as this answer originally described: + """ + + def __call__(self, parser, namespace, values, option_string=None): + items = getattr(namespace, self.dest) or [] + items.extend(values) + setattr(namespace, self.dest, items) + + def default_argument_parser(): r"""A simple yet genral argument parser for experiments with parakeet. @@ -42,6 +56,7 @@ def default_argument_parser(): the parser """ parser = argparse.ArgumentParser() + parser.register('action', 'extend', ExtendAction) train_group = parser.add_argument_group( title='Train Options', description=None) @@ -64,10 +79,10 @@ def default_argument_parser(): "--checkpoint_path", type=str, help="path to load checkpoint") train_group.add_argument( "--opts", - type=str, - default=[], - nargs='+', - help="overwrite --config file, passing in LIST[KEY VALUE] pairs") + action='extend', + nargs=2, + metavar=('key', 'val'), + help="overwrite --config field, passing (KEY VALUE) pairs") train_group.add_argument( "--dump-config", metavar="FILE", help="dump config to `this` file.") diff --git a/deepspeech/training/trainer.py b/deepspeech/training/trainer.py index b180f4890..79b1562e4 100644 --- a/deepspeech/training/trainer.py +++ b/deepspeech/training/trainer.py @@ -119,7 +119,7 @@ class Trainer(): def setup(self): """Setup the experiment. """ - paddle.set_device('gpu' self.args.nprocs > 0 else 'cpu') + paddle.set_device('gpu' if self.args.nprocs > 0 else 'cpu') if self.parallel: self.init_parallel() @@ -139,7 +139,7 @@ class Trainer(): """A flag indicating whether the experiment should run with multiprocessing. """ - return elf.args.nprocs > 0 + return self.args.nprocs > 0 def init_parallel(self): """Init environment for multiprocess training. diff --git a/examples/librispeech/s1/local/test.sh b/examples/librispeech/s1/local/test.sh index f7ec34ab5..62b92e1e3 100755 --- a/examples/librispeech/s1/local/test.sh +++ b/examples/librispeech/s1/local/test.sh @@ -37,7 +37,8 @@ for type in attention ctc_greedy_search; do --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ - --opts decoding.decoding_method ${type} decoding.batch_size ${batch_size} + --opts decoding.decoding_method ${type} \ + --opts decoding.batch_size ${batch_size} if [ $? -ne 0 ]; then echo "Failed in evaluation!" @@ -53,7 +54,8 @@ for type in ctc_prefix_beam_search attention_rescoring; do --config ${config_path} \ --result_file ${ckpt_prefix}.${type}.rsl \ --checkpoint_path ${ckpt_prefix} \ - --opts decoding.decoding_method ${type} decoding.batch_size ${batch_size} + --opts decoding.decoding_method ${type} \ + --opts decoding.batch_size ${batch_size} if [ $? -ne 0 ]; then echo "Failed in evaluation!" diff --git a/examples/librispeech/s2/cmd.sh b/examples/librispeech/s2/cmd.sh new file mode 100644 index 000000000..7b70ef5e0 --- /dev/null +++ b/examples/librispeech/s2/cmd.sh @@ -0,0 +1,89 @@ +# ====== About run.pl, queue.pl, slurm.pl, and ssh.pl ====== +# Usage: .pl [options] JOB=1: +# e.g. +# run.pl --mem 4G JOB=1:10 echo.JOB.log echo JOB +# +# Options: +# --time

); + close(P); + } + if ($max_jobs_run == 0) { + $max_jobs_run = 1; + print STDERR "run.pl: Warning: failed to detect number of GPUs from nvidia-smi, using ${max_jobs_run}\n"; + } + } elsif (open(P, ") { if (m/^processor/) { $max_jobs_run++; } } + if ($max_jobs_run == 0) { + print STDERR "run.pl: Warning: failed to detect any processors from /proc/cpuinfo\n"; + $max_jobs_run = 10; # reasonable default. + } + close(P); + } elsif (open(P, "sysctl -a |")) { # BSD/Darwin + while (

) { + if (m/hw\.ncpu\s*[:=]\s*(\d+)/) { # hw.ncpu = 4, or hw.ncpu: 4 + $max_jobs_run = $1; + last; + } + } + close(P); + if ($max_jobs_run == 0) { + print STDERR "run.pl: Warning: failed to detect any processors from sysctl -a\n"; + $max_jobs_run = 10; # reasonable default. + } + } else { + # allow at most 32 jobs at once, on non-UNIX systems; change this code + # if you need to change this default. + $max_jobs_run = 32; + } + # The just-computed value of $max_jobs_run is just the number of processors + # (or our best guess); and if it happens that the number of jobs we need to + # run is just slightly above $max_jobs_run, it will make sense to increase + # $max_jobs_run to equal the number of jobs, so we don't have a small number + # of leftover jobs. + $num_jobs = $jobend - $jobstart + 1; + if (!$using_gpu && + $num_jobs > $max_jobs_run && $num_jobs < 1.4 * $max_jobs_run) { + $max_jobs_run = $num_jobs; + } +} + +sub pick_or_exit { + # pick_or_exit ( $logfile ) + # Invoked before each job is started helps to run jobs selectively. + # + # Given the name of the output logfile decides whether the job must be + # executed (by returning from the subroutine) or not (by terminating the + # process calling exit) + # + # PRE: $job_pick is a global variable set by command line switch --pick + # and indicates which class of jobs must be executed. + # + # 1) If a failed job is not executed the process exit code will indicate + # failure, just as if the task was just executed and failed. + # + # 2) If a task is incomplete it will be executed. Incomplete may be either + # a job whose log file does not contain the accounting notes in the end, + # or a job whose log file does not exist. + # + # 3) If the $job_pick is set to 'all' (default behavior) a task will be + # executed regardless of the result of previous attempts. + # + # This logic could have been implemented in the main execution loop + # but a subroutine to preserve the current level of readability of + # that part of the code. + # + # Alexandre Felipe, (o.alexandre.felipe@gmail.com) 14th of August of 2020 + # + if($job_pick eq 'all'){ + return; # no need to bother with the previous log + } + open my $fh, "<", $_[0] or return; # job not executed yet + my $log_line; + my $cur_line; + while ($cur_line = <$fh>) { + if( $cur_line =~ m/# Ended \(code .*/ ) { + $log_line = $cur_line; + } + } + close $fh; + if (! defined($log_line)){ + return; # incomplete + } + if ( $log_line =~ m/# Ended \(code 0\).*/ ) { + exit(0); # complete + } elsif ( $log_line =~ m/# Ended \(code \d+(; signal \d+)?\).*/ ){ + if ($job_pick !~ m/^(failed|all)$/) { + exit(1); # failed but not going to run + } else { + return; # failed + } + } elsif ( $log_line =~ m/.*\S.*/ ) { + return; # incomplete jobs are always run + } +} + + +$logfile = shift @ARGV; + +if (defined $jobname && $logfile !~ m/$jobname/ && + $jobend > $jobstart) { + print STDERR "run.pl: you are trying to run a parallel job but " + . "you are putting the output into just one log file ($logfile)\n"; + exit(1); +} + +$cmd = ""; + +foreach $x (@ARGV) { + if ($x =~ m/^\S+$/) { $cmd .= $x . " "; } + elsif ($x =~ m:\":) { $cmd .= "'$x' "; } + else { $cmd .= "\"$x\" "; } +} + +#$Data::Dumper::Indent=0; +$ret = 0; +$numfail = 0; +%active_pids=(); + +use POSIX ":sys_wait_h"; +for ($jobid = $jobstart; $jobid <= $jobend; $jobid++) { + if (scalar(keys %active_pids) >= $max_jobs_run) { + + # Lets wait for a change in any child's status + # Then we have to work out which child finished + $r = waitpid(-1, 0); + $code = $?; + if ($r < 0 ) { die "run.pl: Error waiting for child process"; } # should never happen. + if ( defined $active_pids{$r} ) { + $jid=$active_pids{$r}; + $fail[$jid]=$code; + if ($code !=0) { $numfail++;} + delete $active_pids{$r}; + # print STDERR "Finished: $r/$jid " . Dumper(\%active_pids) . "\n"; + } else { + die "run.pl: Cannot find the PID of the child process that just finished."; + } + + # In theory we could do a non-blocking waitpid over all jobs running just + # to find out if only one or more jobs finished during the previous waitpid() + # However, we just omit this and will reap the next one in the next pass + # through the for(;;) cycle + } + $childpid = fork(); + if (!defined $childpid) { die "run.pl: Error forking in run.pl (writing to $logfile)"; } + if ($childpid == 0) { # We're in the child... this branch + # executes the job and returns (possibly with an error status). + if (defined $jobname) { + $cmd =~ s/$jobname/$jobid/g; + $logfile =~ s/$jobname/$jobid/g; + } + # exit if the job does not need to be executed + pick_or_exit( $logfile ); + + system("mkdir -p `dirname $logfile` 2>/dev/null"); + open(F, ">$logfile") || die "run.pl: Error opening log file $logfile"; + print F "# " . $cmd . "\n"; + print F "# Started at " . `date`; + $starttime = `date +'%s'`; + print F "#\n"; + close(F); + + # Pipe into bash.. make sure we're not using any other shell. + open(B, "|bash") || die "run.pl: Error opening shell command"; + print B "( " . $cmd . ") 2>>$logfile >> $logfile"; + close(B); # If there was an error, exit status is in $? + $ret = $?; + + $lowbits = $ret & 127; + $highbits = $ret >> 8; + if ($lowbits != 0) { $return_str = "code $highbits; signal $lowbits" } + else { $return_str = "code $highbits"; } + + $endtime = `date +'%s'`; + open(F, ">>$logfile") || die "run.pl: Error opening log file $logfile (again)"; + $enddate = `date`; + chop $enddate; + print F "# Accounting: time=" . ($endtime - $starttime) . " threads=1\n"; + print F "# Ended ($return_str) at " . $enddate . ", elapsed time " . ($endtime-$starttime) . " seconds\n"; + close(F); + exit($ret == 0 ? 0 : 1); + } else { + $pid[$jobid] = $childpid; + $active_pids{$childpid} = $jobid; + # print STDERR "Queued: " . Dumper(\%active_pids) . "\n"; + } +} + +# Now we have submitted all the jobs, lets wait until all the jobs finish +foreach $child (keys %active_pids) { + $jobid=$active_pids{$child}; + $r = waitpid($pid[$jobid], 0); + $code = $?; + if ($r == -1) { die "run.pl: Error waiting for child process"; } # should never happen. + if ($r != 0) { $fail[$jobid]=$code; $numfail++ if $code!=0; } # Completed successfully +} + +# Some sanity checks: +# The $fail array should not contain undefined codes +# The number of non-zeros in that array should be equal to $numfail +# We cannot do foreach() here, as the JOB ids do not start at zero +$failed_jids=0; +for ($jobid = $jobstart; $jobid <= $jobend; $jobid++) { + $job_return = $fail[$jobid]; + if (not defined $job_return ) { + # print Dumper(\@fail); + + die "run.pl: Sanity check failed: we have indication that some jobs are running " . + "even after we waited for all jobs to finish" ; + } + if ($job_return != 0 ){ $failed_jids++;} +} +if ($failed_jids != $numfail) { + die "run.pl: Sanity check failed: cannot find out how many jobs failed ($failed_jids x $numfail)." +} +if ($numfail > 0) { $ret = 1; } + +if ($ret != 0) { + $njobs = $jobend - $jobstart + 1; + if ($njobs == 1) { + if (defined $jobname) { + $logfile =~ s/$jobname/$jobstart/; # only one numbered job, so replace name with + # that job. + } + print STDERR "run.pl: job failed, log is in $logfile\n"; + if ($logfile =~ m/JOB/) { + print STDERR "run.pl: probably you forgot to put JOB=1:\$nj in your script."; + } + } + else { + $logfile =~ s/$jobname/*/g; + print STDERR "run.pl: $numfail / $njobs failed, log is in $logfile\n"; + } +} + + +exit ($ret); \ No newline at end of file diff --git a/utils/parse_options.sh b/utils/parse_options.sh old mode 100644 new mode 100755 diff --git a/utils/pd_env_collect.sh b/utils/pd_env_collect.sh old mode 100644 new mode 100755 diff --git a/utils/profile.sh b/utils/profile.sh old mode 100644 new mode 100755 diff --git a/utils/run.pl b/utils/run.pl new file mode 100755 index 000000000..8b84c7f08 --- /dev/null +++ b/utils/run.pl @@ -0,0 +1 @@ +parallel/run.pl \ No newline at end of file diff --git a/utils/score_sclite.sh b/utils/score_sclite.sh new file mode 100755 index 000000000..3aa4cd072 --- /dev/null +++ b/utils/score_sclite.sh @@ -0,0 +1,125 @@ +#!/usr/bin/env bash + +# Copyright 2017 Johns Hopkins University (Shinji Watanabe) +# Apache 2.0 (http://www.apache.org/licenses/LICENSE-2.0) + +[ -f ./path.sh ] && . ./path.sh + +nlsyms="" +wer=false +bpe="" +bpemodel="" +remove_blank=true +filter="" +num_spkrs=1 +help_message="Usage: $0 " + +. utils/parse_options.sh + +if [ $# != 2 ]; then + echo "${help_message}" + exit 1; +fi + +dir=$1 +dic=$2 + +concatjson.py ${dir}/data.*.json > ${dir}/data.json + +if [ $num_spkrs -eq 1 ]; then + json2trn.py ${dir}/data.json ${dic} --num-spkrs ${num_spkrs} --refs ${dir}/ref.trn --hyps ${dir}/hyp.trn + + if ${remove_blank}; then + sed -i.bak2 -r 's/ //g' ${dir}/hyp.trn + fi + if [ -n "${nlsyms}" ]; then + cp ${dir}/ref.trn ${dir}/ref.trn.org + cp ${dir}/hyp.trn ${dir}/hyp.trn.org + filt.py -v ${nlsyms} ${dir}/ref.trn.org > ${dir}/ref.trn + filt.py -v ${nlsyms} ${dir}/hyp.trn.org > ${dir}/hyp.trn + fi + if [ -n "${filter}" ]; then + sed -i.bak3 -f ${filter} ${dir}/hyp.trn + sed -i.bak3 -f ${filter} ${dir}/ref.trn + fi + + sclite -r ${dir}/ref.trn trn -h ${dir}/hyp.trn trn -i rm -o all stdout > ${dir}/result.txt + + echo "write a CER (or TER) result in ${dir}/result.txt" + grep -e Avg -e SPKR -m 2 ${dir}/result.txt + + if ${wer}; then + if [ -n "$bpe" ]; then + spm_decode --model=${bpemodel} --input_format=piece < ${dir}/ref.trn | sed -e "s/▁/ /g" > ${dir}/ref.wrd.trn + spm_decode --model=${bpemodel} --input_format=piece < ${dir}/hyp.trn | sed -e "s/▁/ /g" > ${dir}/hyp.wrd.trn + else + sed -e "s/ //g" -e "s/(/ (/" -e "s// /g" ${dir}/ref.trn > ${dir}/ref.wrd.trn + sed -e "s/ //g" -e "s/(/ (/" -e "s// /g" ${dir}/hyp.trn > ${dir}/hyp.wrd.trn + fi + sclite -r ${dir}/ref.wrd.trn trn -h ${dir}/hyp.wrd.trn trn -i rm -o all stdout > ${dir}/result.wrd.txt + + echo "write a WER result in ${dir}/result.wrd.txt" + grep -e Avg -e SPKR -m 2 ${dir}/result.wrd.txt + fi +elif [ ${num_spkrs} -lt 4 ]; then + ref_trns="" + hyp_trns="" + for i in $(seq ${num_spkrs}); do + ref_trns=${ref_trns}"${dir}/ref${i}.trn " + hyp_trns=${hyp_trns}"${dir}/hyp${i}.trn " + done + json2trn.py ${dir}/data.json ${dic} --num-spkrs ${num_spkrs} --refs ${ref_trns} --hyps ${hyp_trns} + + for n in $(seq ${num_spkrs}); do + if ${remove_blank}; then + sed -i.bak2 -r 's/ //g' ${dir}/hyp${n}.trn + fi + if [ -n "${nlsyms}" ]; then + cp ${dir}/ref${n}.trn ${dir}/ref${n}.trn.org + cp ${dir}/hyp${n}.trn ${dir}/hyp${n}.trn.org + filt.py -v ${nlsyms} ${dir}/ref${n}.trn.org > ${dir}/ref${n}.trn + filt.py -v ${nlsyms} ${dir}/hyp${n}.trn.org > ${dir}/hyp${n}.trn + fi + if [ -n "${filter}" ]; then + sed -i.bak3 -f ${filter} ${dir}/hyp${n}.trn + sed -i.bak3 -f ${filter} ${dir}/ref${n}.trn + fi + done + + results_str="" + for (( i=0; i<$((num_spkrs * num_spkrs)); i++ )); do + ind_r=$((i / num_spkrs + 1)) + ind_h=$((i % num_spkrs + 1)) + results_str=${results_str}"${dir}/result_r${ind_r}h${ind_h}.txt " + sclite -r ${dir}/ref${ind_r}.trn trn -h ${dir}/hyp${ind_h}.trn trn -i rm -o all stdout > ${dir}/result_r${ind_r}h${ind_h}.txt + done + + echo "write CER (or TER) results in ${dir}/result_r*h*.txt" + eval_perm_free_error.py --num-spkrs ${num_spkrs} \ + ${results_str} > ${dir}/min_perm_result.json + sed -n '2,4p' ${dir}/min_perm_result.json + + if ${wer}; then + for n in $(seq ${num_spkrs}); do + if [ -n "$bpe" ]; then + spm_decode --model=${bpemodel} --input_format=piece < ${dir}/ref${n}.trn | sed -e "s/▁/ /g" > ${dir}/ref${n}.wrd.trn + spm_decode --model=${bpemodel} --input_format=piece < ${dir}/hyp${n}.trn | sed -e "s/▁/ /g" > ${dir}/hyp${n}.wrd.trn + else + sed -e "s/ //g" -e "s/(/ (/" -e "s// /g" ${dir}/ref${n}.trn > ${dir}/ref${n}.wrd.trn + sed -e "s/ //g" -e "s/(/ (/" -e "s// /g" ${dir}/hyp${n}.trn > ${dir}/hyp${n}.wrd.trn + fi + done + results_str="" + for (( i=0; i<$((num_spkrs * num_spkrs)); i++ )); do + ind_r=$((i / num_spkrs + 1)) + ind_h=$((i % num_spkrs + 1)) + results_str=${results_str}"${dir}/result_r${ind_r}h${ind_h}.wrd.txt " + sclite -r ${dir}/ref${ind_r}.wrd.trn trn -h ${dir}/hyp${ind_h}.wrd.trn trn -i rm -o all stdout > ${dir}/result_r${ind_r}h${ind_h}.wrd.txt + done + + echo "write WER results in ${dir}/result_r*h*.wrd.txt" + eval_perm_free_error.py --num-spkrs ${num_spkrs} \ + ${results_str} > ${dir}/min_perm_result.wrd.json + sed -n '2,4p' ${dir}/min_perm_result.wrd.json + fi +fi diff --git a/utils/spk2utt_to_utt2spk.pl b/utils/spk2utt_to_utt2spk.pl new file mode 100755 index 000000000..9f7fb335c --- /dev/null +++ b/utils/spk2utt_to_utt2spk.pl @@ -0,0 +1,25 @@ +#!/usr/bin/env perl +# Copyright 2010-2011 Microsoft Corporation + +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# THIS CODE IS PROVIDED *AS IS* BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, EITHER EXPRESS OR IMPLIED, INCLUDING WITHOUT LIMITATION ANY IMPLIED +# WARRANTIES OR CONDITIONS OF TITLE, FITNESS FOR A PARTICULAR PURPOSE, +# MERCHANTABLITY OR NON-INFRINGEMENT. +# See the Apache 2 License for the specific language governing permissions and +# limitations under the License. + + +while(<>){ + @A = split(" ", $_); + @A > 1 || die "Invalid line in spk2utt file: $_"; + $s = shift @A; + foreach $u ( @A ) { + print "$u $s\n"; + } +} diff --git a/utils/split_data.sh b/utils/split_data.sh new file mode 100755 index 000000000..8e6c5d5bf --- /dev/null +++ b/utils/split_data.sh @@ -0,0 +1,79 @@ +#!/usr/bin/env bash +# Copyright 2010-2011 Microsoft Corporation + +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# THIS CODE IS PROVIDED *AS IS* BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, EITHER EXPRESS OR IMPLIED, INCLUDING WITHOUT LIMITATION ANY IMPLIED +# WARRANTIES OR CONDITIONS OF TITLE, FITNESS FOR A PARTICULAR PURPOSE, +# MERCHANTABLITY OR NON-INFRINGEMENT. +# See the Apache 2 License for the specific language governing permissions and +# limitations under the License. + +set -o errexit + +if [ $# != 2 ]; then + echo "Usage: split_data.sh data-dir num-to-split" + exit 1 +fi + +data=$1 +numsplit=$2 + +if [ $numsplit -le 0 ]; then + echo "Invalid num-split argument $numsplit"; + exit 1; +fi + +n=0; +feats="" +wavs="" +utt2spks="" +texts="" + +nu=`cat $data/utt2spk | wc -l` +nf=`cat $data/feats.scp | wc -l` +nt=`cat $data/text | wc -l` +if [ $nu -ne $nf ]; then + echo "split_data.sh: warning, #lines is (utt2spk,feats.scp) is ($nu,$nf);" + echo "this script may produce incorrectly split data." + echo "use utils/fix_data_dir.sh to fix this." +fi +if [ $nt -ne 0 -a $nu -ne $nt ]; then + echo "split_data.sh: warning, #lines is (utt2spk,text) is ($nu,$nt);" + echo "this script may produce incorrectly split data." + echo "use utils/fix_data_dir.sh to fix this." +fi + +# utilsscripts/get_split.pl returns "0 1 2 3" or "00 01 .. 18 19" or whatever. +# for n in `get_splits.pl $numsplit`; do +for n in `seq 1 $numsplit`; do # Changed this to usual number sequence -Arnab + mkdir -p $data/split$numsplit/$n + feats="$feats $data/split$numsplit/$n/feats.scp" + wavs="$wavs $data/split$numsplit/$n/wav.scp" + texts="$texts $data/split$numsplit/$n/text" + utt2spks="$utt2spks $data/split$numsplit/$n/utt2spk" +done + +split_scp.pl --utt2spk=$data/utt2spk $data/utt2spk $utt2spks +split_scp.pl --utt2spk=$data/utt2spk $data/feats.scp $feats +[ -f $data/wav.scp ] && \ + split_scp.pl --utt2spk=$data/utt2spk $data/wav.scp $wavs +[ -f $data/text ] && \ + split_scp.pl --utt2spk=$data/utt2spk $data/text $texts + +# for n in `get_splits.pl $numsplit`; do +for n in `seq 1 $numsplit`; do # Changed this to usual number sequence -Arnab + utt2spk_to_spk2utt.pl $data/split$numsplit/$n/utt2spk \ + > $data/split$numsplit/$n/spk2utt + # for completeness, also split the spk2gender file + [ -f $data/spk2gender ] && \ + filter_scp.pl $data/split$numsplit/$n/spk2utt $data/spk2gender \ + > $data/split$numsplit/$n/spk2gender +done + +exit 0 \ No newline at end of file diff --git a/utils/split_json.sh b/utils/split_json.sh new file mode 100755 index 000000000..6c7d38b91 --- /dev/null +++ b/utils/split_json.sh @@ -0,0 +1,31 @@ +#!/usr/bin/env bash +set -o errexit + +if [ $# != 2 ]; then + echo "Usage: split_data.sh manifest num-to-split" + exit 1 +fi + +data=data + +jsonfile=$1 +numsplit=$2 + +if [ $numsplit -le 0 ]; then + echo "Invalid num-split argument $numsplit"; + exit 1; +fi + +n=0; +jsons="" + +# utilsscripts/get_split.pl returns "0 1 2 3" or "00 01 .. 18 19" or whatever. +# for n in `get_splits.pl $numsplit`; do +for n in `seq 1 $numsplit`; do # Changed this to usual number sequence -Arnab + mkdir -p $data/split$numsplit/$n + jsons="$jsons $data/split$numsplit/$n/${jsonfile}" +done + +split_scp.pl $data/${jsonfile} $jsons + +exit 0 \ No newline at end of file diff --git a/utils/split_scp.pl b/utils/split_scp.pl new file mode 100644 index 000000000..fc28e0b65 --- /dev/null +++ b/utils/split_scp.pl @@ -0,0 +1,212 @@ +#!/usr/bin/env perl +use warnings; #sed replacement for -w perl parameter +# Copyright 2010-2011 Microsoft Corporation + +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# THIS CODE IS PROVIDED *AS IS* BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, EITHER EXPRESS OR IMPLIED, INCLUDING WITHOUT LIMITATION ANY IMPLIED +# WARRANTIES OR CONDITIONS OF TITLE, FITNESS FOR A PARTICULAR PURPOSE, +# MERCHANTABLITY OR NON-INFRINGEMENT. +# See the Apache 2 License for the specific language governing permissions and +# limitations under the License. + + + +# This program splits up any kind of .scp or archive-type file. +# If there is no utt2spk option it will work on any text file and +# will split it up with an approximately equal number of lines in +# each but. +# With the --utt2spk option it will work on anything that has the +# utterance-id as the first entry on each line; the utt2spk file is +# of the form "utterance speaker" (on each line). +# It splits it into equal size chunks as far as it can. If you use +# the utt2spk option it will make sure these chunks coincide with +# speaker boundaries. In this case, if there are more chunks +# than speakers (and in some other circumstances), some of the +# resulting chunks will be empty and it +# will print a warning. +# You will normally call this like: +# split_scp.pl scp scp.1 scp.2 scp.3 ... +# or +# split_scp.pl --utt2spk=utt2spk scp scp.1 scp.2 scp.3 ... +# Note that you can use this script to split the utt2spk file itself, +# e.g. split_scp.pl --utt2spk=utt2spk utt2spk utt2spk.1 utt2spk.2 ... + +# You can also call the scripts like: +# split_scp.pl -j 3 0 scp scp.0 +# [note: with this option, it assumes zero-based indexing of the split parts, +# i.e. the second number must be 0 <= n < num-jobs.] + +$num_jobs = 0; +$job_id = 0; +$utt2spk_file = ""; + +for ($x = 1; $x <= 2; $x++) { + if ($ARGV[0] eq "-j") { + shift @ARGV; + $num_jobs = shift @ARGV; + $job_id = shift @ARGV; + if ($num_jobs <= 0 || $job_id < 0 || $job_id >= $num_jobs) { + die "Invalid num-jobs and job-id: $num_jobs and $job_id"; + } + } + if ($ARGV[0] =~ "--utt2spk=(.+)") { + $utt2spk_file=$1; + shift; + } +} + +if(($num_jobs == 0 && @ARGV < 2) || ($num_jobs > 0 && (@ARGV < 1 || @ARGV > 2))) { + die "Usage: split_scp.pl [--utt2spk=] in.scp out1.scp out2.scp ... \n" . + " or: split_scp.pl -j num-jobs job-id [--utt2spk=] in.scp [out.scp]\n" . + " ... where 0 <= job-id < num-jobs."; +} + +$inscp = shift @ARGV; +if ($num_jobs == 0) { # without -j option + @OUTPUTS = @ARGV; +} else { + for ($j = 0; $j < $num_jobs; $j++) { + if ($j == $job_id) { + if (@ARGV > 0) { push @OUTPUTS, $ARGV[0]; } + else { push @OUTPUTS, "-"; } + } else { + push @OUTPUTS, "/dev/null"; + } + } +} + +if ($utt2spk_file ne "") { # We have the --utt2spk option... + open(U, "<$utt2spk_file") || die "Failed to open utt2spk file $utt2spk_file"; + while() { + @A = split; + @A == 2 || die "Bad line $_ in utt2spk file $utt2spk_file"; + ($u,$s) = @A; + $utt2spk{$u} = $s; + } + open(I, "<$inscp") || die "Opening input scp file $inscp"; + @spkrs = (); + while() { + @A = split; + if(@A == 0) { die "Empty or space-only line in scp file $inscp"; } + $u = $A[0]; + $s = $utt2spk{$u}; + if(!defined $s) { die "No such utterance $u in utt2spk file $utt2spk_file"; } + if(!defined $spk_count{$s}) { + push @spkrs, $s; + $spk_count{$s} = 0; + $spk_data{$s} = ""; + } + $spk_count{$s}++; + $spk_data{$s} = $spk_data{$s} . $_; + } + # Now split as equally as possible .. + # First allocate spks to files by allocating an approximately + # equal number of speakers. + $numspks = @spkrs; # number of speakers. + $numscps = @OUTPUTS; # number of output files. + for($scpidx = 0; $scpidx < $numscps; $scpidx++) { + $scparray[$scpidx] = []; # [] is array reference. + } + for ($spkidx = 0; $spkidx < $numspks; $spkidx++) { + $scpidx = int(($spkidx*$numscps) / $numspks); + $spk = $spkrs[$spkidx]; + push @{$scparray[$scpidx]}, $spk; + $scpcount[$scpidx] += $spk_count{$spk}; + } + + # Now will try to reassign beginning + ending speakers + # to different scp's and see if it gets more balanced. + # Suppose objf we're minimizing is sum_i (num utts in scp[i] - average)^2. + # We can show that if considering changing just 2 scp's, we minimize + # this by minimizing the squared difference in sizes. This is + # equivalent to minimizing the absolute difference in sizes. This + # shows this method is bound to converge. + + $changed = 1; + while($changed) { + $changed = 0; + for($scpidx = 0; $scpidx < $numscps; $scpidx++) { + # First try to reassign ending spk of this scp. + if($scpidx < $numscps-1) { + $sz = @{$scparray[$scpidx]}; + if($sz > 0) { + $spk = $scparray[$scpidx]->[$sz-1]; + $count = $spk_count{$spk}; + $nutt1 = $scpcount[$scpidx]; + $nutt2 = $scpcount[$scpidx+1]; + if( abs( ($nutt2+$count) - ($nutt1-$count)) + < abs($nutt2 - $nutt1)) { # Would decrease + # size-diff by reassigning spk... + $scpcount[$scpidx+1] += $count; + $scpcount[$scpidx] -= $count; + pop @{$scparray[$scpidx]}; + unshift @{$scparray[$scpidx+1]}, $spk; + $changed = 1; + } + } + } + if($scpidx > 0 && @{$scparray[$scpidx]} > 0) { + $spk = $scparray[$scpidx]->[0]; + $count = $spk_count{$spk}; + $nutt1 = $scpcount[$scpidx-1]; + $nutt2 = $scpcount[$scpidx]; + if( abs( ($nutt2-$count) - ($nutt1+$count)) + < abs($nutt2 - $nutt1)) { # Would decrease + # size-diff by reassigning spk... + $scpcount[$scpidx-1] += $count; + $scpcount[$scpidx] -= $count; + shift @{$scparray[$scpidx]}; + push @{$scparray[$scpidx-1]}, $spk; + $changed = 1; + } + } + } + } + # Now print out the files... + for($scpidx = 0; $scpidx < $numscps; $scpidx++) { + $scpfn = $OUTPUTS[$scpidx]; + open(F, ">$scpfn") || die "Could not open scp file $scpfn for writing."; + $count = 0; + if(@{$scparray[$scpidx]} == 0) { + print STDERR "Warning: split_scp.pl producing empty .scp file $scpfn (too many splits and too few speakers?)\n"; + } else { + foreach $spk ( @{$scparray[$scpidx]} ) { + print F $spk_data{$spk}; + $count += $spk_count{$spk}; + } + if($count != $scpcount[$scpidx]) { die "Count mismatch [code error]"; } + } + close(F); + } +} else { + # This block is the "normal" case where there is no --utt2spk + # option and we just break into equal size chunks. + + open(I, "<$inscp") || die "Opening input scp file $inscp"; + + $numscps = @OUTPUTS; # size of array. + @F = (); + while() { + push @F, $_; + } + $numlines = @F; + if($numlines == 0) { + print STDERR "split_scp.pl: warning: empty input scp file $inscp"; + } + $linesperscp = int( ($numlines+($numscps-1)) / $numscps); # the +$(numscps-1) forces rounding up. +# [just doing int() rounds down]. + for($scpidx = 0; $scpidx < @OUTPUTS; $scpidx++) { + $scpfile = $OUTPUTS[$scpidx]; + open(O, ">$scpfile") || die "Opening output scp file $scpfile"; + for($n = $linesperscp * $scpidx; $n < $numlines && $n < $linesperscp*($scpidx+1); $n++) { + print O $F[$n]; + } + close(O) || die "Closing scp file $scpfile"; + } +} \ No newline at end of file diff --git a/utils/train_arpa_with_kenlm.sh b/utils/train_arpa_with_kenlm.sh new file mode 100755 index 000000000..8af646ceb --- /dev/null +++ b/utils/train_arpa_with_kenlm.sh @@ -0,0 +1,67 @@ +#!/usr/bin/env bash + +# 2020 Author Jiayu DU +# Apache 2.0 + +# This script uses kenlm to estimate an arpa model from plain text, +# it is a resort when you hit memory limit dealing with large corpus +# kenlm estimates arpa using on-disk structure, +# as long as you have big enough hard disk, memory shouldn't be a problem. +# by default, kenlm use up to 50% of your local memory, +# you can control this through -S option + +[ -f path.sh ] && . ./path.sh; + +kenlm_opts="" # e.g. "-o 4 -S 50% --prune 0 5 7 7" + +if [ $# != 4 ]; then + echo "$0 " + echo "e.g. $0 train.txt words.txt wdir 4gram" + exit 1 +fi + +text=$1 +symbol_table=$2 +dir=$3 +arpa_name=$4 + +if ! which lmplz >& /dev/null ; then + echo "$0: cannot find training tool *lmplz*." + echo "tools/extras/install_kenlm_query_only.sh installs kenlm at tools/kenlm" + echo "it only supports runtime mode, to actually train an arpa using KenLM," + echo "you need a complete KenLM installation(depends on EIGEN and BOOST)," + echo "follow KenLM's building instructions at (https://github.com/kpu/kenlm)" + exit 1 +fi + +# the text should be properly pre-processed, e.g: +# cleand, normalized and possibly word-segmented + +# get rid off irrelavent symbols +grep -v '' $symbol_table \ + | grep -v '#0' \ + | grep -v '' | grep -v '' \ + | grep -v '' | grep -v '' \ + | awk '{print $1}' \ + > $dir/ngram.vocab + +# To make sure that kenlm & kaldi have strictly the same vocabulary: +# 1. feed vocabulary into kenlm via --limit_vocab_file +# 2. cat vocabulary to training text, so each word at least appear once +# +# TL;DR reason: +# Unlike SRILM's -limit-vocab, kenlm's --limit_vocab_file option +# spcifies a *valid* set of vocabulary, whereas *valid but unseen* +# words are discarded in final arpa. +# So the trick is, +# we explicitly add kaldi's vocab(one word per line) to training text, +# making each word appear at least once. +# kenlm never prunes unigram, +# so this always generates consistent kenlm vocabuary as kaldi has. +# The effect of this is like add-one smoothing to unigram counts, +# shouldn't have significant impacts in practice. +cat $dir/ngram.vocab $text \ + | lmplz $kenlm_opts --limit_vocab_file $dir/ngram.vocab \ + > $dir/${arpa_name}.arpa + +echo "$0: Done training arpa to: $dir/${arpa_name}.arpa" \ No newline at end of file diff --git a/utils/utility.sh b/utils/utility.sh old mode 100644 new mode 100755 diff --git a/utils/utt2spk_to_spk2utt.pl b/utils/utt2spk_to_spk2utt.pl new file mode 100755 index 000000000..127363579 --- /dev/null +++ b/utils/utt2spk_to_spk2utt.pl @@ -0,0 +1,38 @@ +#!/usr/bin/env perl +# Copyright 2010-2011 Microsoft Corporation + +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# THIS CODE IS PROVIDED *AS IS* BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, EITHER EXPRESS OR IMPLIED, INCLUDING WITHOUT LIMITATION ANY IMPLIED +# WARRANTIES OR CONDITIONS OF TITLE, FITNESS FOR A PARTICULAR PURPOSE, +# MERCHANTABLITY OR NON-INFRINGEMENT. +# See the Apache 2 License for the specific language governing permissions and +# limitations under the License. + +# converts an utt2spk file to a spk2utt file. +# Takes input from the stdin or from a file argument; +# output goes to the standard out. + +if ( @ARGV > 1 ) { + die "Usage: utt2spk_to_spk2utt.pl [ utt2spk ] > spk2utt"; +} + +while(<>){ + @A = split(" ", $_); + @A == 2 || die "Invalid line in utt2spk file: $_"; + ($u,$s) = @A; + if(!$seen_spk{$s}) { + $seen_spk{$s} = 1; + push @spklist, $s; + } + push (@{$spk_hash{$s}}, "$u"); +} +foreach $s (@spklist) { + $l = join(' ',@{$spk_hash{$s}}); + print "$s $l\n"; +} \ No newline at end of file From ae87bc8c7ad534a931b7298cd36d7959e69b6f5a Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 12:26:00 +0000 Subject: [PATCH 094/103] dump decode result as jsonlines --- deepspeech/exps/deepspeech2/model.py | 10 ++++++---- deepspeech/exps/u2/model.py | 10 ++++++---- deepspeech/exps/u2_kaldi/model.py | 10 ++++++---- deepspeech/exps/u2_st/model.py | 9 ++++++--- 4 files changed, 24 insertions(+), 15 deletions(-) diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index 120539814..646f6f236 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -18,6 +18,7 @@ from collections import defaultdict from contextlib import nullcontext from pathlib import Path from typing import Optional +import jsonlines import numpy as np import paddle @@ -305,9 +306,10 @@ class DeepSpeech2Tester(DeepSpeech2Trainer): len_refs += len_ref num_ins += 1 if fout: - fout.write(utt + " " + result + "\n") - logger.info("\nTarget Transcription: %s\nOutput Transcription: %s" % - (target, result)) + fout.write({"utt": utt, "ref", target, "hyp": result}) + logger.info(f"Utt: {utt}") + logger.info(f"Ref: {target}") + logger.info(f"Hyp: {result}") logger.info("Current error rate [%s] = %f" % (cfg.error_rate_type, error_rate_func(target, result))) @@ -350,7 +352,7 @@ class DeepSpeech2Tester(DeepSpeech2Trainer): cfg = self.config error_rate_type = None errors_sum, len_refs, num_ins = 0.0, 0, 0 - with open(self.args.result_file, 'w') as fout: + with jsonlines.open(self.args.result_file, 'w') as fout: for i, batch in enumerate(self.test_loader): utts, audio, audio_len, texts, texts_len = batch metrics = self.compute_metrics(utts, audio, audio_len, texts, diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index 4dd054896..f1970334d 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -21,6 +21,7 @@ from collections import OrderedDict from contextlib import nullcontext from pathlib import Path from typing import Optional +import jsonlines import numpy as np import paddle @@ -466,9 +467,10 @@ class U2Tester(U2Trainer): len_refs += len_ref num_ins += 1 if fout: - fout.write(utt + " " + result + "\n") - logger.info("\nTarget Transcription: %s\nOutput Transcription: %s" % - (target, result)) + fout.write({"utt": utt, "ref", target, "hyp": result}) + logger.info(f"Utt: {utt}") + logger.info(f"Ref: {target}") + logger.info(f"Hyp: {result}") logger.info("One example error rate [%s] = %f" % (cfg.error_rate_type, error_rate_func(target, result))) @@ -493,7 +495,7 @@ class U2Tester(U2Trainer): errors_sum, len_refs, num_ins = 0.0, 0, 0 num_frames = 0.0 num_time = 0.0 - with open(self.args.result_file, 'w') as fout: + with jsonlines.open(self.args.result_file, 'w') as fout: for i, batch in enumerate(self.test_loader): metrics = self.compute_metrics(*batch, fout=fout) num_frames += metrics['num_frames'] diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index e8482aa9c..00d780817 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -20,6 +20,7 @@ from collections import defaultdict from contextlib import nullcontext from pathlib import Path from typing import Optional +import jsonlines import numpy as np import paddle @@ -445,9 +446,10 @@ class U2Tester(U2Trainer): len_refs += len_ref num_ins += 1 if fout: - fout.write(utt + " " + result + "\n") - logger.info("\nTarget Transcription: %s\nOutput Transcription: %s" % - (target, result)) + fout.write({"utt": utt, "ref", target, "hyp": result}) + logger.info(f"Utt: {utt}") + logger.info(f"Ref: {target}") + logger.info(f"Hyp: {result}") logger.info("One example error rate [%s] = %f" % (cfg.error_rate_type, error_rate_func(target, result))) @@ -472,7 +474,7 @@ class U2Tester(U2Trainer): errors_sum, len_refs, num_ins = 0.0, 0, 0 num_frames = 0.0 num_time = 0.0 - with open(self.args.result_file, 'w') as fout: + with jsonlines.open(self.args.result_file, 'w') as fout: for i, batch in enumerate(self.test_loader): metrics = self.compute_metrics(*batch, fout=fout) num_frames += metrics['num_frames'] diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index c98f5e69e..86bb649bf 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -20,6 +20,7 @@ from collections import defaultdict from contextlib import nullcontext from pathlib import Path from typing import Optional +import jsonlines import numpy as np import paddle @@ -479,8 +480,10 @@ class U2STTester(U2STTrainer): len_refs += len(target.split()) num_ins += 1 if fout: - fout.write(utt + " " + result + "\n") - logger.info("\nReference: %s\nHypothesis: %s" % (target, result)) + fout.write({"utt": utt, "ref", target, "hyp": result}) + logger.info(f"Utt: {utt}") + logger.info(f"Ref: {target}") + logger.info(f"Hyp: {result}") logger.info("One example BLEU = %s" % (bleu_func([result], [[target]]).prec_str)) @@ -508,7 +511,7 @@ class U2STTester(U2STTrainer): len_refs, num_ins = 0, 0 num_frames = 0.0 num_time = 0.0 - with open(self.args.result_file, 'w') as fout: + with jsonlines.open(self.args.result_file, 'w') as fout: for i, batch in enumerate(self.test_loader): metrics = self.compute_translation_metrics( *batch, bleu_func=bleu_func, fout=fout) From 9abe33b4bd48e3a27c76af905bdda4dae175f97c Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 12:46:24 +0000 Subject: [PATCH 095/103] add score_sclite --- examples/librispeech/s2/path.sh | 2 +- tools/Makefile | 36 ++++++++++++++++++ utils/filter.py | 66 +++++++++++++++++++++++++++++++++ utils/score_sclite.sh | 3 +- 4 files changed, 105 insertions(+), 2 deletions(-) create mode 100644 utils/filter.py diff --git a/examples/librispeech/s2/path.sh b/examples/librispeech/s2/path.sh index c90e27821..9f6891cd3 100644 --- a/examples/librispeech/s2/path.sh +++ b/examples/librispeech/s2/path.sh @@ -1,6 +1,6 @@ export MAIN_ROOT=`realpath ${PWD}/../../../` -export PATH=${MAIN_ROOT}:${PWD}/utils:${PATH} +export PATH=${MAIN_ROOT}:${MAIN_ROOT}/tools/sckt/bin/sclite:${PWD}/utils:${PATH} export LC_ALL=C # Use UTF-8 in Python to avoid UnicodeDecodeError when LC_ALL=C diff --git a/tools/Makefile b/tools/Makefile index 62cf990fa..9fb1dc896 100644 --- a/tools/Makefile +++ b/tools/Makefile @@ -39,3 +39,39 @@ mfa.done: test -d montreal-forced-aligner || wget https://github.com/MontrealCorpusTools/Montreal-Forced-Aligner/releases/download/v1.0.1/montreal-forced-aligner_linux.tar.gz tar xvf montreal-forced-aligner_linux.tar.gz touch mfa.done + + +# Keep the existing target 'sclite' to avoid breaking the users who might have +# scripted it in. +.PHONY: sclite sctk_cleaned sctk_made + +sclite sctk_made: sctk/.compiled + +sctk/.compiled: sctk + rm -f sctk/.compiled + $(SCTK_MKENV) $(MAKE) -C sctk config + $(SCTK_MKENV) $(MAKE) -C sctk all doc + $(MAKE) -C sctk install + touch sctk/.compiled + +# The GitHub archive unpacks into SCTK-{40-character-long-hash}/ +sctk: sctk-$(SCTK_GITHASH).tar.gz + tar zxvf sctk-$(SCTK_GITHASH).tar.gz + rm -rf sctk-$(SCTK_GITHASH) sctk + mv SCTK-$(SCTK_GITHASH)* sctk-$(SCTK_GITHASH) + ln -s sctk-$(SCTK_GITHASH) sctk + touch sctk-$(SCTK_GITHASH).tar.gz + +sctk-$(SCTK_GITHASH).tar.gz: + if [ -d '$(DOWNLOAD_DIR)' ]; then \ + cp -p '$(DOWNLOAD_DIR)/sctk-$(SCTK_GITHASH).tar.gz' .; \ + else \ + $(WGET) -nv -T 10 -t 3 -O sctk-$(SCTK_GITHASH).tar.gz \ + https://github.com/usnistgov/SCTK/archive/$(SCTK_GITHASH).tar.gz; \ + fi + +sctk_cleaned: + -for d in sctk/ sctk-*/; do \ + [ ! -f $$d/.compiled ] || $(MAKE) -C $$d clean; \ + rm -f $$d/.compiled; \ + done \ No newline at end of file diff --git a/utils/filter.py b/utils/filter.py new file mode 100644 index 000000000..d31eab4d7 --- /dev/null +++ b/utils/filter.py @@ -0,0 +1,66 @@ +#!/usr/bin/env python3 + +# Apache 2.0 + +import argparse +import codecs +import sys + +is_python2 = sys.version_info[0] == 2 + + +def get_parser(): + parser = argparse.ArgumentParser( + description="filter words in a text file", + formatter_class=argparse.ArgumentDefaultsHelpFormatter, + ) + parser.add_argument( + "--exclude", + "-v", + dest="exclude", + action="store_true", + help="exclude filter words", + ) + parser.add_argument("filt", type=str, help="filter list") + parser.add_argument("infile", type=str, help="input file") + return parser + + +def main(args): + args = get_parser().parse_args(args) + filter_file(args.infile, args.filt, args.exclude) + + +def filter_file(infile, filt, exclude): + vocab = set() + with codecs.open(filt, "r", encoding="utf-8") as vocabfile: + for line in vocabfile: + vocab.add(line.strip()) + + sys.stdout = codecs.getwriter("utf-8")( + sys.stdout if is_python2 else sys.stdout.buffer + ) + with codecs.open(infile, "r", encoding="utf-8") as textfile: + for line in textfile: + if exclude: + print( + " ".join( + map( + lambda word: word if word not in vocab else "", + line.strip().split(), + ) + ) + ) + else: + print( + " ".join( + map( + lambda word: word if word in vocab else "", + line.strip().split(), + ) + ) + ) + + +if __name__ == "__main__": + main(sys.argv[1:]) diff --git a/utils/score_sclite.sh b/utils/score_sclite.sh index 3aa4cd072..7ded76eba 100755 --- a/utils/score_sclite.sh +++ b/utils/score_sclite.sh @@ -5,6 +5,7 @@ [ -f ./path.sh ] && . ./path.sh +# non language symbol nlsyms="" wer=false bpe="" @@ -24,7 +25,7 @@ fi dir=$1 dic=$2 -concatjson.py ${dir}/data.*.json > ${dir}/data.json +cat ${dir}/data.*.json > ${dir}/data.json if [ $num_spkrs -eq 1 ]; then json2trn.py ${dir}/data.json ${dic} --num-spkrs ${num_spkrs} --refs ${dir}/ref.trn --hyps ${dir}/hyp.trn From 9d5eb74066f9af016abb6c6c5c45440c257b6f77 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Wed, 22 Sep 2021 12:49:22 +0000 Subject: [PATCH 096/103] fix decode json file --- deepspeech/exps/deepspeech2/model.py | 4 +-- deepspeech/exps/u2/model.py | 4 +-- deepspeech/exps/u2_kaldi/model.py | 4 +-- deepspeech/exps/u2_st/model.py | 4 +-- utils/README.md | 3 ++- utils/dump_manifest.py | 0 utils/filter.py | 37 +++++++++------------------- 7 files changed, 22 insertions(+), 34 deletions(-) mode change 100644 => 100755 utils/dump_manifest.py mode change 100644 => 100755 utils/filter.py diff --git a/deepspeech/exps/deepspeech2/model.py b/deepspeech/exps/deepspeech2/model.py index 646f6f236..79a676345 100644 --- a/deepspeech/exps/deepspeech2/model.py +++ b/deepspeech/exps/deepspeech2/model.py @@ -18,8 +18,8 @@ from collections import defaultdict from contextlib import nullcontext from pathlib import Path from typing import Optional -import jsonlines +import jsonlines import numpy as np import paddle from paddle import distributed as dist @@ -306,7 +306,7 @@ class DeepSpeech2Tester(DeepSpeech2Trainer): len_refs += len_ref num_ins += 1 if fout: - fout.write({"utt": utt, "ref", target, "hyp": result}) + fout.write({"utt": utt, "ref": target, "hyp": result}) logger.info(f"Utt: {utt}") logger.info(f"Ref: {target}") logger.info(f"Hyp: {result}") diff --git a/deepspeech/exps/u2/model.py b/deepspeech/exps/u2/model.py index f1970334d..5cb0962a7 100644 --- a/deepspeech/exps/u2/model.py +++ b/deepspeech/exps/u2/model.py @@ -21,8 +21,8 @@ from collections import OrderedDict from contextlib import nullcontext from pathlib import Path from typing import Optional -import jsonlines +import jsonlines import numpy as np import paddle from paddle import distributed as dist @@ -467,7 +467,7 @@ class U2Tester(U2Trainer): len_refs += len_ref num_ins += 1 if fout: - fout.write({"utt": utt, "ref", target, "hyp": result}) + fout.write({"utt": utt, "ref": target, "hyp": result}) logger.info(f"Utt: {utt}") logger.info(f"Ref: {target}") logger.info(f"Hyp: {result}") diff --git a/deepspeech/exps/u2_kaldi/model.py b/deepspeech/exps/u2_kaldi/model.py index 00d780817..d38afe25c 100644 --- a/deepspeech/exps/u2_kaldi/model.py +++ b/deepspeech/exps/u2_kaldi/model.py @@ -20,8 +20,8 @@ from collections import defaultdict from contextlib import nullcontext from pathlib import Path from typing import Optional -import jsonlines +import jsonlines import numpy as np import paddle from paddle import distributed as dist @@ -446,7 +446,7 @@ class U2Tester(U2Trainer): len_refs += len_ref num_ins += 1 if fout: - fout.write({"utt": utt, "ref", target, "hyp": result}) + fout.write({"utt": utt, "ref": target, "hyp": result}) logger.info(f"Utt: {utt}") logger.info(f"Ref: {target}") logger.info(f"Hyp: {result}") diff --git a/deepspeech/exps/u2_st/model.py b/deepspeech/exps/u2_st/model.py index 86bb649bf..e4e70292c 100644 --- a/deepspeech/exps/u2_st/model.py +++ b/deepspeech/exps/u2_st/model.py @@ -20,8 +20,8 @@ from collections import defaultdict from contextlib import nullcontext from pathlib import Path from typing import Optional -import jsonlines +import jsonlines import numpy as np import paddle from paddle import distributed as dist @@ -480,7 +480,7 @@ class U2STTester(U2STTrainer): len_refs += len(target.split()) num_ins += 1 if fout: - fout.write({"utt": utt, "ref", target, "hyp": result}) + fout.write({"utt": utt, "ref": target, "hyp": result}) logger.info(f"Utt: {utt}") logger.info(f"Ref: {target}") logger.info(f"Hyp: {result}") diff --git a/utils/README.md b/utils/README.md index d48faf699..163be850f 100644 --- a/utils/README.md +++ b/utils/README.md @@ -1,3 +1,4 @@ # Utils -* [kaldi utils](https://github.com/kaldi-asr/kaldi/blob/cbed4ff688/egs/wsj/s5/utils) \ No newline at end of file +* [kaldi utils](https://github.com/kaldi-asr/kaldi/blob/cbed4ff688/egs/wsj/s5/utils) +* [espnet utils)(https://github.com/espnet/espnet/tree/master/utils) diff --git a/utils/dump_manifest.py b/utils/dump_manifest.py old mode 100644 new mode 100755 diff --git a/utils/filter.py b/utils/filter.py old mode 100644 new mode 100755 index d31eab4d7..e32e135fc --- a/utils/filter.py +++ b/utils/filter.py @@ -1,7 +1,5 @@ #!/usr/bin/env python3 - # Apache 2.0 - import argparse import codecs import sys @@ -12,15 +10,13 @@ is_python2 = sys.version_info[0] == 2 def get_parser(): parser = argparse.ArgumentParser( description="filter words in a text file", - formatter_class=argparse.ArgumentDefaultsHelpFormatter, - ) + formatter_class=argparse.ArgumentDefaultsHelpFormatter, ) parser.add_argument( "--exclude", "-v", dest="exclude", action="store_true", - help="exclude filter words", - ) + help="exclude filter words", ) parser.add_argument("filt", type=str, help="filter list") parser.add_argument("infile", type=str, help="input file") return parser @@ -37,29 +33,20 @@ def filter_file(infile, filt, exclude): for line in vocabfile: vocab.add(line.strip()) - sys.stdout = codecs.getwriter("utf-8")( - sys.stdout if is_python2 else sys.stdout.buffer - ) + sys.stdout = codecs.getwriter("utf-8")(sys.stdout + if is_python2 else sys.stdout.buffer) with codecs.open(infile, "r", encoding="utf-8") as textfile: for line in textfile: if exclude: - print( - " ".join( - map( - lambda word: word if word not in vocab else "", - line.strip().split(), - ) - ) - ) + print(" ".join( + map( + lambda word: word if word not in vocab else "", + line.strip().split(), ))) else: - print( - " ".join( - map( - lambda word: word if word in vocab else "", - line.strip().split(), - ) - ) - ) + print(" ".join( + map( + lambda word: word if word in vocab else "", + line.strip().split(), ))) if __name__ == "__main__": From 33b87902523ffcf2e5fb3565c944e3a3fdb6b8ea Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 23 Sep 2021 02:54:38 +0000 Subject: [PATCH 097/103] refactor avg_model; fix set_value not support start==end --- deepspeech/utils/tensor_utils.py | 14 +++++++-- utils/avg_model.py | 49 ++++++++++++++++---------------- 2 files changed, 37 insertions(+), 26 deletions(-) diff --git a/deepspeech/utils/tensor_utils.py b/deepspeech/utils/tensor_utils.py index bb7f58ded..61798816b 100644 --- a/deepspeech/utils/tensor_utils.py +++ b/deepspeech/utils/tensor_utils.py @@ -94,9 +94,19 @@ def pad_sequence(sequences: List[paddle.Tensor], length = tensor.shape[0] # use index notation to prevent duplicate references to the tensor if batch_first: - out_tensor[i, :length, ...] = tensor + # TODO (Hui Zhang): set_value op not supprot `end==start` + # out_tensor[i, :length, ...] = tensor + if length != 0: + out_tensor[i, :length, ...] = tensor + else: + out_tensor[i, length, ...] = tensor else: - out_tensor[:length, i, ...] = tensor + # TODO (Hui Zhang): set_value op not supprot `end==start` + # out_tensor[:length, i, ...] = tensor + if length != 0: + out_tensor[:length, i, ...] = tensor + else: + out_tensor[length, i, ...] = tensor return out_tensor diff --git a/utils/avg_model.py b/utils/avg_model.py index 3a0739c95..1fc00cb65 100755 --- a/utils/avg_model.py +++ b/utils/avg_model.py @@ -27,33 +27,33 @@ def main(args): val_scores = [] beat_val_scores = [] selected_epochs = [] - if args.val_best: - jsons = glob.glob(f'{args.ckpt_dir}/[!train]*.json') - for y in jsons: - with open(y, 'r') as f: - dic_json = json.load(f) - loss = dic_json['val_loss'] - epoch = dic_json['epoch'] - if epoch >= args.min_epoch and epoch <= args.max_epoch: - val_scores.append((epoch, loss)) - val_scores = np.array(val_scores) + jsons = glob.glob(f'{args.ckpt_dir}/[!train]*.json') + jsons = sorted(jsons, key=os.path.getmtime, reverse=True) + for y in jsons: + with open(y, 'r') as f: + dic_json = json.load(f) + loss = dic_json['val_loss'] + epoch = dic_json['epoch'] + if epoch >= args.min_epoch and epoch <= args.max_epoch: + val_scores.append((epoch, loss)) + val_scores = np.array(val_scores) + + if args.val_best: sort_idx = np.argsort(val_scores[:, 1]) sorted_val_scores = val_scores[sort_idx] - path_list = [ - args.ckpt_dir + '/{}.pdparams'.format(int(epoch)) - for epoch in sorted_val_scores[:args.num, 0] - ] - - beat_val_scores = sorted_val_scores[:args.num, 1] - selected_epochs = sorted_val_scores[:args.num, 0].astype(np.int64) - print("best val scores = " + str(beat_val_scores)) - print("selected epochs = " + str(selected_epochs)) else: - path_list = glob.glob(f'{args.ckpt_dir}/[!avg][!final]*.pdparams') - path_list = sorted(path_list, key=os.path.getmtime) - path_list = path_list[-args.num:] + sorted_val_scores = val_scores + + beat_val_scores = sorted_val_scores[:args.num, 1] + selected_epochs = sorted_val_scores[:args.num, 0].astype(np.int64) + print("selected val scores = " + str(beat_val_scores)) + print("selected epochs = " + str(selected_epochs)) + path_list = [ + args.ckpt_dir + '/{}.pdparams'.format(int(epoch)) + for epoch in sorted_val_scores[:args.num, 0] + ] print(path_list) avg = None @@ -78,10 +78,11 @@ def main(args): meta_path = os.path.splitext(args.dst_model)[0] + '.avg.json' with open(meta_path, 'w') as f: data = json.dumps({ + "mode": 'val_best' if args.val_best else 'latest', "avg_ckpt": args.dst_model, "ckpt": path_list, - "epoch": selected_epochs, - "val_loss": beat_val_scores, + "epoch": selected_epochs.tolist(), + "val_loss": beat_val_scores.tolist(), }) f.write(data + "\n") From 83a5e0f8d662da35b0af6b639456ee68f4e54489 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 23 Sep 2021 03:00:41 +0000 Subject: [PATCH 098/103] using jsonlines to read manifest and dump decode result --- deepspeech/frontend/utility.py | 37 +++++++++++++++------------------- 1 file changed, 16 insertions(+), 21 deletions(-) diff --git a/deepspeech/frontend/utility.py b/deepspeech/frontend/utility.py index c6781cd4e..926abf18e 100644 --- a/deepspeech/frontend/utility.py +++ b/deepspeech/frontend/utility.py @@ -12,7 +12,6 @@ # See the License for the specific language governing permissions and # limitations under the License. """Contains data helper functions.""" -import codecs import json import math from typing import List @@ -92,26 +91,22 @@ def read_manifest( """ manifest = [] - for json_line in codecs.open(manifest_path, 'r', 'utf-8'): - try: - json_data = json.loads(json_line) - except Exception as e: - raise IOError("Error reading manifest: %s" % str(e)) - - feat_len = json_data["feat_shape"][ - 0] if 'feat_shape' in json_data else 1.0 - token_len = json_data["token_shape"][ - 0] if 'token_shape' in json_data else 1.0 - conditions = [ - feat_len >= min_input_len, - feat_len <= max_input_len, - token_len >= min_output_len, - token_len <= max_output_len, - token_len / feat_len >= min_output_input_ratio, - token_len / feat_len <= max_output_input_ratio, - ] - if all(conditions): - manifest.append(json_data) + with jsonlines.open(manifest_path, 'r') as reader: + for json_data in reader: + feat_len = json_data["feat_shape"][ + 0] if 'feat_shape' in json_data else 1.0 + token_len = json_data["token_shape"][ + 0] if 'token_shape' in json_data else 1.0 + conditions = [ + feat_len >= min_input_len, + feat_len <= max_input_len, + token_len >= min_output_len, + token_len <= max_output_len, + token_len / feat_len >= min_output_input_ratio, + token_len / feat_len <= max_output_input_ratio, + ] + if all(conditions): + manifest.append(json_data) return manifest From f29caf8dee3e58acb120e2c7635a1ca3bd53ec7e Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 23 Sep 2021 03:04:32 +0000 Subject: [PATCH 099/103] refactor ds 1.x exp --- examples/{v18_to_v2x => 1xt2x}/.gitignore | 0 examples/1xt2x/README.md | 11 +++++++++++ .../exp_aishell => 1xt2x/aishell}/.gitignore | 0 .../aishell}/conf/augmentation.json | 0 .../aishell}/conf/deepspeech2.yaml | 0 .../exp_aishell => 1xt2x/aishell}/local/data.sh | 0 .../aishell}/local/download_lm_ch.sh | 0 .../aishell}/local/download_model.sh | 0 .../exp_aishell => 1xt2x/aishell}/local/test.sh | 0 .../{v18_to_v2x/exp_aishell => 1xt2x/aishell}/path.sh | 0 .../{v18_to_v2x/exp_aishell => 1xt2x/aishell}/run.sh | 0 .../exp_baidu_en8k => 1xt2x/baidu_en8k}/.gitignore | 0 .../baidu_en8k}/conf/augmentation.json | 0 .../baidu_en8k}/conf/deepspeech2.yaml | 0 .../exp_baidu_en8k => 1xt2x/baidu_en8k}/local/data.sh | 0 .../baidu_en8k}/local/download_lm_en.sh | 0 .../baidu_en8k}/local/download_model.sh | 0 .../exp_baidu_en8k => 1xt2x/baidu_en8k}/local/test.sh | 0 .../exp_baidu_en8k => 1xt2x/baidu_en8k}/path.sh | 0 .../exp_baidu_en8k => 1xt2x/baidu_en8k}/run.sh | 0 .../{v18_to_v2x => 1xt2x}/deepspeech2x/__init__.py | 0 .../{v18_to_v2x => 1xt2x}/deepspeech2x/bin/test.py | 0 examples/{v18_to_v2x => 1xt2x}/deepspeech2x/model.py | 0 .../deepspeech2x/models/__init__.py | 0 .../deepspeech2x/models/ds2/__init__.py | 0 .../deepspeech2x/models/ds2/deepspeech2.py | 0 .../deepspeech2x/models/ds2/rnn.py | 0 .../exp_librispeech => 1xt2x/librispeech}/.gitignore | 0 .../librispeech}/conf/augmentation.json | 0 .../librispeech}/conf/deepspeech2.yaml | 0 .../librispeech}/local/data.sh | 0 .../librispeech}/local/download_lm_en.sh | 0 .../librispeech}/local/download_model.sh | 0 .../librispeech}/local/test.sh | 0 .../exp_librispeech => 1xt2x/librispeech}/path.sh | 0 .../exp_librispeech => 1xt2x/librispeech}/run.sh | 0 36 files changed, 11 insertions(+) rename examples/{v18_to_v2x => 1xt2x}/.gitignore (100%) create mode 100644 examples/1xt2x/README.md rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/.gitignore (100%) rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/conf/augmentation.json (100%) rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/conf/deepspeech2.yaml (100%) rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/local/data.sh (100%) rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/local/download_lm_ch.sh (100%) rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/local/download_model.sh (100%) rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/local/test.sh (100%) rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/path.sh (100%) rename examples/{v18_to_v2x/exp_aishell => 1xt2x/aishell}/run.sh (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/.gitignore (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/conf/augmentation.json (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/conf/deepspeech2.yaml (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/local/data.sh (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/local/download_lm_en.sh (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/local/download_model.sh (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/local/test.sh (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/path.sh (100%) rename examples/{v18_to_v2x/exp_baidu_en8k => 1xt2x/baidu_en8k}/run.sh (100%) rename examples/{v18_to_v2x => 1xt2x}/deepspeech2x/__init__.py (100%) rename examples/{v18_to_v2x => 1xt2x}/deepspeech2x/bin/test.py (100%) rename examples/{v18_to_v2x => 1xt2x}/deepspeech2x/model.py (100%) rename examples/{v18_to_v2x => 1xt2x}/deepspeech2x/models/__init__.py (100%) rename examples/{v18_to_v2x => 1xt2x}/deepspeech2x/models/ds2/__init__.py (100%) rename examples/{v18_to_v2x => 1xt2x}/deepspeech2x/models/ds2/deepspeech2.py (100%) rename examples/{v18_to_v2x => 1xt2x}/deepspeech2x/models/ds2/rnn.py (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/.gitignore (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/conf/augmentation.json (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/conf/deepspeech2.yaml (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/local/data.sh (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/local/download_lm_en.sh (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/local/download_model.sh (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/local/test.sh (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/path.sh (100%) rename examples/{v18_to_v2x/exp_librispeech => 1xt2x/librispeech}/run.sh (100%) diff --git a/examples/v18_to_v2x/.gitignore b/examples/1xt2x/.gitignore similarity index 100% rename from examples/v18_to_v2x/.gitignore rename to examples/1xt2x/.gitignore diff --git a/examples/1xt2x/README.md b/examples/1xt2x/README.md new file mode 100644 index 000000000..1f5fe8e3b --- /dev/null +++ b/examples/1xt2x/README.md @@ -0,0 +1,11 @@ +# 1xt2x + +Convert Deepspeech 1.8 released model to 2.x. + +## Model +* Deepspeech2x + +## Exp +* baidu_en8k +* aishell +* librispeech diff --git a/examples/v18_to_v2x/exp_aishell/.gitignore b/examples/1xt2x/aishell/.gitignore similarity index 100% rename from examples/v18_to_v2x/exp_aishell/.gitignore rename to examples/1xt2x/aishell/.gitignore diff --git a/examples/v18_to_v2x/exp_aishell/conf/augmentation.json b/examples/1xt2x/aishell/conf/augmentation.json similarity index 100% rename from examples/v18_to_v2x/exp_aishell/conf/augmentation.json rename to examples/1xt2x/aishell/conf/augmentation.json diff --git a/examples/v18_to_v2x/exp_aishell/conf/deepspeech2.yaml b/examples/1xt2x/aishell/conf/deepspeech2.yaml similarity index 100% rename from examples/v18_to_v2x/exp_aishell/conf/deepspeech2.yaml rename to examples/1xt2x/aishell/conf/deepspeech2.yaml diff --git a/examples/v18_to_v2x/exp_aishell/local/data.sh b/examples/1xt2x/aishell/local/data.sh similarity index 100% rename from examples/v18_to_v2x/exp_aishell/local/data.sh rename to examples/1xt2x/aishell/local/data.sh diff --git a/examples/v18_to_v2x/exp_aishell/local/download_lm_ch.sh b/examples/1xt2x/aishell/local/download_lm_ch.sh similarity index 100% rename from examples/v18_to_v2x/exp_aishell/local/download_lm_ch.sh rename to examples/1xt2x/aishell/local/download_lm_ch.sh diff --git a/examples/v18_to_v2x/exp_aishell/local/download_model.sh b/examples/1xt2x/aishell/local/download_model.sh similarity index 100% rename from examples/v18_to_v2x/exp_aishell/local/download_model.sh rename to examples/1xt2x/aishell/local/download_model.sh diff --git a/examples/v18_to_v2x/exp_aishell/local/test.sh b/examples/1xt2x/aishell/local/test.sh similarity index 100% rename from examples/v18_to_v2x/exp_aishell/local/test.sh rename to examples/1xt2x/aishell/local/test.sh diff --git a/examples/v18_to_v2x/exp_aishell/path.sh b/examples/1xt2x/aishell/path.sh similarity index 100% rename from examples/v18_to_v2x/exp_aishell/path.sh rename to examples/1xt2x/aishell/path.sh diff --git a/examples/v18_to_v2x/exp_aishell/run.sh b/examples/1xt2x/aishell/run.sh similarity index 100% rename from examples/v18_to_v2x/exp_aishell/run.sh rename to examples/1xt2x/aishell/run.sh diff --git a/examples/v18_to_v2x/exp_baidu_en8k/.gitignore b/examples/1xt2x/baidu_en8k/.gitignore similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/.gitignore rename to examples/1xt2x/baidu_en8k/.gitignore diff --git a/examples/v18_to_v2x/exp_baidu_en8k/conf/augmentation.json b/examples/1xt2x/baidu_en8k/conf/augmentation.json similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/conf/augmentation.json rename to examples/1xt2x/baidu_en8k/conf/augmentation.json diff --git a/examples/v18_to_v2x/exp_baidu_en8k/conf/deepspeech2.yaml b/examples/1xt2x/baidu_en8k/conf/deepspeech2.yaml similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/conf/deepspeech2.yaml rename to examples/1xt2x/baidu_en8k/conf/deepspeech2.yaml diff --git a/examples/v18_to_v2x/exp_baidu_en8k/local/data.sh b/examples/1xt2x/baidu_en8k/local/data.sh similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/local/data.sh rename to examples/1xt2x/baidu_en8k/local/data.sh diff --git a/examples/v18_to_v2x/exp_baidu_en8k/local/download_lm_en.sh b/examples/1xt2x/baidu_en8k/local/download_lm_en.sh similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/local/download_lm_en.sh rename to examples/1xt2x/baidu_en8k/local/download_lm_en.sh diff --git a/examples/v18_to_v2x/exp_baidu_en8k/local/download_model.sh b/examples/1xt2x/baidu_en8k/local/download_model.sh similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/local/download_model.sh rename to examples/1xt2x/baidu_en8k/local/download_model.sh diff --git a/examples/v18_to_v2x/exp_baidu_en8k/local/test.sh b/examples/1xt2x/baidu_en8k/local/test.sh similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/local/test.sh rename to examples/1xt2x/baidu_en8k/local/test.sh diff --git a/examples/v18_to_v2x/exp_baidu_en8k/path.sh b/examples/1xt2x/baidu_en8k/path.sh similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/path.sh rename to examples/1xt2x/baidu_en8k/path.sh diff --git a/examples/v18_to_v2x/exp_baidu_en8k/run.sh b/examples/1xt2x/baidu_en8k/run.sh similarity index 100% rename from examples/v18_to_v2x/exp_baidu_en8k/run.sh rename to examples/1xt2x/baidu_en8k/run.sh diff --git a/examples/v18_to_v2x/deepspeech2x/__init__.py b/examples/1xt2x/deepspeech2x/__init__.py similarity index 100% rename from examples/v18_to_v2x/deepspeech2x/__init__.py rename to examples/1xt2x/deepspeech2x/__init__.py diff --git a/examples/v18_to_v2x/deepspeech2x/bin/test.py b/examples/1xt2x/deepspeech2x/bin/test.py similarity index 100% rename from examples/v18_to_v2x/deepspeech2x/bin/test.py rename to examples/1xt2x/deepspeech2x/bin/test.py diff --git a/examples/v18_to_v2x/deepspeech2x/model.py b/examples/1xt2x/deepspeech2x/model.py similarity index 100% rename from examples/v18_to_v2x/deepspeech2x/model.py rename to examples/1xt2x/deepspeech2x/model.py diff --git a/examples/v18_to_v2x/deepspeech2x/models/__init__.py b/examples/1xt2x/deepspeech2x/models/__init__.py similarity index 100% rename from examples/v18_to_v2x/deepspeech2x/models/__init__.py rename to examples/1xt2x/deepspeech2x/models/__init__.py diff --git a/examples/v18_to_v2x/deepspeech2x/models/ds2/__init__.py b/examples/1xt2x/deepspeech2x/models/ds2/__init__.py similarity index 100% rename from examples/v18_to_v2x/deepspeech2x/models/ds2/__init__.py rename to examples/1xt2x/deepspeech2x/models/ds2/__init__.py diff --git a/examples/v18_to_v2x/deepspeech2x/models/ds2/deepspeech2.py b/examples/1xt2x/deepspeech2x/models/ds2/deepspeech2.py similarity index 100% rename from examples/v18_to_v2x/deepspeech2x/models/ds2/deepspeech2.py rename to examples/1xt2x/deepspeech2x/models/ds2/deepspeech2.py diff --git a/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py b/examples/1xt2x/deepspeech2x/models/ds2/rnn.py similarity index 100% rename from examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py rename to examples/1xt2x/deepspeech2x/models/ds2/rnn.py diff --git a/examples/v18_to_v2x/exp_librispeech/.gitignore b/examples/1xt2x/librispeech/.gitignore similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/.gitignore rename to examples/1xt2x/librispeech/.gitignore diff --git a/examples/v18_to_v2x/exp_librispeech/conf/augmentation.json b/examples/1xt2x/librispeech/conf/augmentation.json similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/conf/augmentation.json rename to examples/1xt2x/librispeech/conf/augmentation.json diff --git a/examples/v18_to_v2x/exp_librispeech/conf/deepspeech2.yaml b/examples/1xt2x/librispeech/conf/deepspeech2.yaml similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/conf/deepspeech2.yaml rename to examples/1xt2x/librispeech/conf/deepspeech2.yaml diff --git a/examples/v18_to_v2x/exp_librispeech/local/data.sh b/examples/1xt2x/librispeech/local/data.sh similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/local/data.sh rename to examples/1xt2x/librispeech/local/data.sh diff --git a/examples/v18_to_v2x/exp_librispeech/local/download_lm_en.sh b/examples/1xt2x/librispeech/local/download_lm_en.sh similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/local/download_lm_en.sh rename to examples/1xt2x/librispeech/local/download_lm_en.sh diff --git a/examples/v18_to_v2x/exp_librispeech/local/download_model.sh b/examples/1xt2x/librispeech/local/download_model.sh similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/local/download_model.sh rename to examples/1xt2x/librispeech/local/download_model.sh diff --git a/examples/v18_to_v2x/exp_librispeech/local/test.sh b/examples/1xt2x/librispeech/local/test.sh similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/local/test.sh rename to examples/1xt2x/librispeech/local/test.sh diff --git a/examples/v18_to_v2x/exp_librispeech/path.sh b/examples/1xt2x/librispeech/path.sh similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/path.sh rename to examples/1xt2x/librispeech/path.sh diff --git a/examples/v18_to_v2x/exp_librispeech/run.sh b/examples/1xt2x/librispeech/run.sh similarity index 100% rename from examples/v18_to_v2x/exp_librispeech/run.sh rename to examples/1xt2x/librispeech/run.sh From d367da282240767316a83a9a033c331ae9055c09 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 23 Sep 2021 03:16:49 +0000 Subject: [PATCH 100/103] fix sctk install --- .gitignore | 2 ++ tools/Makefile | 27 +++++++++++++++++++++++---- 2 files changed, 25 insertions(+), 4 deletions(-) diff --git a/.gitignore b/.gitignore index e4134a082..cd2360e15 100644 --- a/.gitignore +++ b/.gitignore @@ -18,5 +18,7 @@ tools/sox-14.4.2 tools/soxbindings tools/montreal-forced-aligner/ tools/Montreal-Forced-Aligner/ +tools/sctk +tools/sctk-20159b5/ *output/ diff --git a/tools/Makefile b/tools/Makefile index 9fb1dc896..c925054b8 100644 --- a/tools/Makefile +++ b/tools/Makefile @@ -1,8 +1,16 @@ SHELL:= /bin/bash PYTHON:= python3.7 + +CXX ?= g++ +CC ?= gcc # used for sph2pipe +# CXX = clang++ # Uncomment these lines... +# CC = clang # ...to build with Clang. + +WGET ?= wget + .PHONY: all clean -all: virtualenv kenlm.done sox.done soxbindings.done mfa.done +all: virtualenv kenlm.done sox.done soxbindings.done mfa.done sclite.done virtualenv: test -d venv || virtualenv -p $(PYTHON) venv @@ -41,11 +49,22 @@ mfa.done: touch mfa.done +#== SCTK =============================================================================== +# SCTK official repo does not have version tags. Here's the mapping: +# # 2.4.9 = 659bc36; 2.4.10 = d914e1b; 2.4.11 = 20159b5. +SCTK_GITHASH = 20159b5 + +SCTK_CXFLAGS = -w -march=native +SCTK_MKENV = CFLAGS="$(CFLAGS) $(SCTK_CXFLAGS)" \ + CXXFLAGS="$(CXXFLAGS) -std=c++11 $(SCTK_CXFLAGS)" \ + + # Keep the existing target 'sclite' to avoid breaking the users who might have # scripted it in. -.PHONY: sclite sctk_cleaned sctk_made +.PHONY: sclite.done sctk_cleaned sctk_made -sclite sctk_made: sctk/.compiled +sclite.done sctk_made: sctk/.compiled + touch sclite.done sctk/.compiled: sctk rm -f sctk/.compiled @@ -74,4 +93,4 @@ sctk_cleaned: -for d in sctk/ sctk-*/; do \ [ ! -f $$d/.compiled ] || $(MAKE) -C $$d clean; \ rm -f $$d/.compiled; \ - done \ No newline at end of file + done From 238e2365a593d2660553749526d2742df73501f3 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 23 Sep 2021 03:18:12 +0000 Subject: [PATCH 101/103] rm dupliate packages --- requirements.txt | 1 - 1 file changed, 1 deletion(-) diff --git a/requirements.txt b/requirements.txt index ebf879b51..925e0a317 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,7 +1,6 @@ coverage gpustat jsonlines -jsonlines kaldiio loguru Pillow From 20178e0e091964c3349e7174a050302759c91f87 Mon Sep 17 00:00:00 2001 From: Hui Zhang Date: Thu, 23 Sep 2021 03:21:24 +0000 Subject: [PATCH 102/103] librispeech s1 support sclite and multi process decode --- examples/librispeech/s1/cmd.sh | 89 +++++++++++++++++++++++++ examples/librispeech/s1/local/test.sh | 96 ++++++++++++++++----------- examples/librispeech/s1/path.sh | 2 +- examples/librispeech/s1/run.sh | 7 +- 4 files changed, 153 insertions(+), 41 deletions(-) create mode 100644 examples/librispeech/s1/cmd.sh diff --git a/examples/librispeech/s1/cmd.sh b/examples/librispeech/s1/cmd.sh new file mode 100644 index 000000000..7b70ef5e0 --- /dev/null +++ b/examples/librispeech/s1/cmd.sh @@ -0,0 +1,89 @@ +# ====== About run.pl, queue.pl, slurm.pl, and ssh.pl ====== +# Usage: .pl [options] JOB=1: +# e.g. +# run.pl --mem 4G JOB=1:10 echo.JOB.log echo JOB +# +# Options: +# --time