diff --git a/_static/pygments.css b/_static/pygments.css index 0d49244ed..5f2b0a250 100644 --- a/_static/pygments.css +++ b/_static/pygments.css @@ -6,26 +6,26 @@ span.linenos.special { color: #000000; background-color: #ffffc0; padding-left: .highlight .hll { background-color: #ffffcc } .highlight { background: #eeffcc; } .highlight .c { color: #408090; font-style: italic } /* Comment */ -.highlight .err { border: 1px solid #FF0000 } /* Error */ +.highlight .err { border: 1px solid #F00 } /* Error */ .highlight .k { color: #007020; font-weight: bold } /* Keyword */ -.highlight .o { color: #666666 } /* Operator */ +.highlight .o { color: #666 } /* Operator */ .highlight .ch { color: #408090; font-style: italic } /* Comment.Hashbang */ .highlight .cm { color: #408090; font-style: italic } /* Comment.Multiline */ .highlight .cp { color: #007020 } /* Comment.Preproc */ .highlight .cpf { color: #408090; font-style: italic } /* Comment.PreprocFile */ .highlight .c1 { color: #408090; font-style: italic } /* Comment.Single */ -.highlight .cs { color: #408090; background-color: #fff0f0 } /* Comment.Special */ +.highlight .cs { color: #408090; background-color: #FFF0F0 } /* Comment.Special */ .highlight .gd { color: #A00000 } /* Generic.Deleted */ .highlight .ge { font-style: italic } /* Generic.Emph */ .highlight .ges { font-weight: bold; font-style: italic } /* Generic.EmphStrong */ -.highlight .gr { color: #FF0000 } /* Generic.Error */ +.highlight .gr { color: #F00 } /* Generic.Error */ .highlight .gh { color: #000080; font-weight: bold } /* Generic.Heading */ .highlight .gi { color: #00A000 } /* Generic.Inserted */ -.highlight .go { color: #333333 } /* Generic.Output */ -.highlight .gp { color: #c65d09; font-weight: bold } /* Generic.Prompt */ +.highlight .go { color: #333 } /* Generic.Output */ +.highlight .gp { color: #C65D09; font-weight: bold } /* Generic.Prompt */ .highlight .gs { font-weight: bold } /* Generic.Strong */ .highlight .gu { color: #800080; font-weight: bold } /* Generic.Subheading */ -.highlight .gt { color: #0044DD } /* Generic.Traceback */ +.highlight .gt { color: #04D } /* Generic.Traceback */ .highlight .kc { color: #007020; font-weight: bold } /* Keyword.Constant */ .highlight .kd { color: #007020; font-weight: bold } /* Keyword.Declaration */ .highlight .kn { color: #007020; font-weight: bold } /* Keyword.Namespace */ @@ -33,43 +33,43 @@ span.linenos.special { color: #000000; background-color: #ffffc0; padding-left: .highlight .kr { color: #007020; font-weight: bold } /* Keyword.Reserved */ .highlight .kt { color: #902000 } /* Keyword.Type */ .highlight .m { color: #208050 } /* Literal.Number */ -.highlight .s { color: #4070a0 } /* Literal.String */ -.highlight .na { color: #4070a0 } /* Name.Attribute */ +.highlight .s { color: #4070A0 } /* Literal.String */ +.highlight .na { color: #4070A0 } /* Name.Attribute */ .highlight .nb { color: #007020 } /* Name.Builtin */ -.highlight .nc { color: #0e84b5; font-weight: bold } /* Name.Class */ -.highlight .no { color: #60add5 } /* Name.Constant */ -.highlight .nd { color: #555555; font-weight: bold } /* Name.Decorator */ -.highlight .ni { color: #d55537; font-weight: bold } /* Name.Entity */ +.highlight .nc { color: #0E84B5; font-weight: bold } /* Name.Class */ +.highlight .no { color: #60ADD5 } /* Name.Constant */ +.highlight .nd { color: #555; font-weight: bold } /* Name.Decorator */ +.highlight .ni { color: #D55537; font-weight: bold } /* Name.Entity */ .highlight .ne { color: #007020 } /* Name.Exception */ -.highlight .nf { color: #06287e } /* Name.Function */ +.highlight .nf { color: #06287E } /* Name.Function */ .highlight .nl { color: #002070; font-weight: bold } /* Name.Label */ -.highlight .nn { color: #0e84b5; font-weight: bold } /* Name.Namespace */ +.highlight .nn { color: #0E84B5; font-weight: bold } /* Name.Namespace */ .highlight .nt { color: #062873; font-weight: bold } /* Name.Tag */ -.highlight .nv { color: #bb60d5 } /* Name.Variable */ +.highlight .nv { color: #BB60D5 } /* Name.Variable */ .highlight .ow { color: #007020; font-weight: bold } /* Operator.Word */ -.highlight .w { color: #bbbbbb } /* Text.Whitespace */ +.highlight .w { color: #BBB } /* Text.Whitespace */ .highlight .mb { color: #208050 } /* Literal.Number.Bin */ .highlight .mf { color: #208050 } /* Literal.Number.Float */ .highlight .mh { color: #208050 } /* Literal.Number.Hex */ .highlight .mi { color: #208050 } /* Literal.Number.Integer */ .highlight .mo { color: #208050 } /* Literal.Number.Oct */ -.highlight .sa { color: #4070a0 } /* Literal.String.Affix */ -.highlight .sb { color: #4070a0 } /* Literal.String.Backtick */ -.highlight .sc { color: #4070a0 } /* Literal.String.Char */ -.highlight .dl { color: #4070a0 } /* Literal.String.Delimiter */ -.highlight .sd { color: #4070a0; font-style: italic } /* Literal.String.Doc */ -.highlight .s2 { color: #4070a0 } /* Literal.String.Double */ -.highlight .se { color: #4070a0; font-weight: bold } /* Literal.String.Escape */ -.highlight .sh { color: #4070a0 } /* Literal.String.Heredoc */ -.highlight .si { color: #70a0d0; font-style: italic } /* Literal.String.Interpol */ -.highlight .sx { color: #c65d09 } /* Literal.String.Other */ +.highlight .sa { color: #4070A0 } /* Literal.String.Affix */ +.highlight .sb { color: #4070A0 } /* Literal.String.Backtick */ +.highlight .sc { color: #4070A0 } /* Literal.String.Char */ +.highlight .dl { color: #4070A0 } /* Literal.String.Delimiter */ +.highlight .sd { color: #4070A0; font-style: italic } /* Literal.String.Doc */ +.highlight .s2 { color: #4070A0 } /* Literal.String.Double */ +.highlight .se { color: #4070A0; font-weight: bold } /* Literal.String.Escape */ +.highlight .sh { color: #4070A0 } /* Literal.String.Heredoc */ +.highlight .si { color: #70A0D0; font-style: italic } /* Literal.String.Interpol */ +.highlight .sx { color: #C65D09 } /* Literal.String.Other */ .highlight .sr { color: #235388 } /* Literal.String.Regex */ -.highlight .s1 { color: #4070a0 } /* Literal.String.Single */ +.highlight .s1 { color: #4070A0 } /* Literal.String.Single */ .highlight .ss { color: #517918 } /* Literal.String.Symbol */ .highlight .bp { color: #007020 } /* Name.Builtin.Pseudo */ -.highlight .fm { color: #06287e } /* Name.Function.Magic */ -.highlight .vc { color: #bb60d5 } /* Name.Variable.Class */ -.highlight .vg { color: #bb60d5 } /* Name.Variable.Global */ -.highlight .vi { color: #bb60d5 } /* Name.Variable.Instance */ -.highlight .vm { color: #bb60d5 } /* Name.Variable.Magic */ +.highlight .fm { color: #06287E } /* Name.Function.Magic */ +.highlight .vc { color: #BB60D5 } /* Name.Variable.Class */ +.highlight .vg { color: #BB60D5 } /* Name.Variable.Global */ +.highlight .vi { color: #BB60D5 } /* Name.Variable.Instance */ +.highlight .vm { color: #BB60D5 } /* Name.Variable.Magic */ .highlight .il { color: #208050 } /* Literal.Number.Integer.Long */ \ No newline at end of file diff --git a/contributing/code-style.html b/contributing/code-style.html index b3aef28fb..a03022f2e 100644 --- a/contributing/code-style.html +++ b/contributing/code-style.html @@ -7,7 +7,7 @@ Follow the code style — icefall 0.1 documentation - + diff --git a/contributing/doc.html b/contributing/doc.html index cc659b7e9..360b6dd42 100644 --- a/contributing/doc.html +++ b/contributing/doc.html @@ -7,7 +7,7 @@ Contributing to Documentation — icefall 0.1 documentation - + diff --git a/contributing/how-to-create-a-recipe.html b/contributing/how-to-create-a-recipe.html index 524fbe9f9..887d5dbaf 100644 --- a/contributing/how-to-create-a-recipe.html +++ b/contributing/how-to-create-a-recipe.html @@ -7,7 +7,7 @@ How to create a recipe — icefall 0.1 documentation - + diff --git a/contributing/index.html b/contributing/index.html index 287ccb05f..40a6fa899 100644 --- a/contributing/index.html +++ b/contributing/index.html @@ -7,7 +7,7 @@ Contributing — icefall 0.1 documentation - + diff --git a/decoding-with-langugage-models/LODR.html b/decoding-with-langugage-models/LODR.html index 973b23944..bb94df279 100644 --- a/decoding-with-langugage-models/LODR.html +++ b/decoding-with-langugage-models/LODR.html @@ -7,7 +7,7 @@ LODR for RNN Transducer — icefall 0.1 documentation - + diff --git a/decoding-with-langugage-models/index.html b/decoding-with-langugage-models/index.html index 4ca07cf17..c0f458639 100644 --- a/decoding-with-langugage-models/index.html +++ b/decoding-with-langugage-models/index.html @@ -7,7 +7,7 @@ Decoding with language models — icefall 0.1 documentation - + diff --git a/decoding-with-langugage-models/rescoring.html b/decoding-with-langugage-models/rescoring.html index 6cad8b59e..fa1dc2579 100644 --- a/decoding-with-langugage-models/rescoring.html +++ b/decoding-with-langugage-models/rescoring.html @@ -7,7 +7,7 @@ LM rescoring for Transducer — icefall 0.1 documentation - + diff --git a/decoding-with-langugage-models/shallow-fusion.html b/decoding-with-langugage-models/shallow-fusion.html index d65ed555e..fe152b090 100644 --- a/decoding-with-langugage-models/shallow-fusion.html +++ b/decoding-with-langugage-models/shallow-fusion.html @@ -7,7 +7,7 @@ Shallow fusion for Transducer — icefall 0.1 documentation - + diff --git a/docker/index.html b/docker/index.html index 110341faf..9077b3036 100644 --- a/docker/index.html +++ b/docker/index.html @@ -7,7 +7,7 @@ Docker — icefall 0.1 documentation - + diff --git a/docker/intro.html b/docker/intro.html index a556ebbfb..50dd08ea6 100644 --- a/docker/intro.html +++ b/docker/intro.html @@ -7,7 +7,7 @@ Introduction — icefall 0.1 documentation - + diff --git a/faqs.html b/faqs.html index 4380f73aa..176deb419 100644 --- a/faqs.html +++ b/faqs.html @@ -7,7 +7,7 @@ Frequently Asked Questions (FAQs) — icefall 0.1 documentation - + @@ -125,15 +125,15 @@ the correct command is:

The error log is:

Traceback (most recent call last):
   File "./tdnn/train.py", line 14, in <module>
-    from asr_datamodule import YesNoAsrDataModule
+    from asr_datamodule import YesNoAsrDataModule
   File "/home/xxx/code/next-gen-kaldi/icefall/egs/yesno/ASR/tdnn/asr_datamodule.py", line 34, in <module>
-    from icefall.dataset.datamodule import DataModule
+    from icefall.dataset.datamodule import DataModule
   File "/home/xxx/code/next-gen-kaldi/icefall/icefall/__init__.py", line 3, in <module>
-    from . import (
+    from . import (
   File "/home/xxx/code/next-gen-kaldi/icefall/icefall/decode.py", line 23, in <module>
-    from icefall.utils import add_eos, add_sos, get_texts
+    from icefall.utils import add_eos, add_sos, get_texts
   File "/home/xxx/code/next-gen-kaldi/icefall/icefall/utils.py", line 39, in <module>
-    from torch.utils.tensorboard import SummaryWriter
+    from torch.utils.tensorboard import SummaryWriter
   File "/home/xxx/tool/miniconda3/envs/yyy/lib/python3.8/site-packages/torch/utils/tensorboard/__init__.py", line 4, in <module>
     LooseVersion = distutils.version.LooseVersion
 AttributeError: module 'distutils' has no attribute 'version'
diff --git a/for-dummies/data-preparation.html b/for-dummies/data-preparation.html
index 4ead3adf4..142ce589b 100644
--- a/for-dummies/data-preparation.html
+++ b/for-dummies/data-preparation.html
@@ -7,7 +7,7 @@
 
   
   Data Preparation — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/for-dummies/decoding.html b/for-dummies/decoding.html
index ad4a067af..8e477581c 100644
--- a/for-dummies/decoding.html
+++ b/for-dummies/decoding.html
@@ -7,7 +7,7 @@
 
   
   Decoding — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/for-dummies/environment-setup.html b/for-dummies/environment-setup.html
index 762ce1370..21a67d6b3 100644
--- a/for-dummies/environment-setup.html
+++ b/for-dummies/environment-setup.html
@@ -7,7 +7,7 @@
 
   
   Environment setup — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/for-dummies/index.html b/for-dummies/index.html
index 39e77ead6..28195d4f9 100644
--- a/for-dummies/index.html
+++ b/for-dummies/index.html
@@ -7,7 +7,7 @@
 
   
   Icefall for dummies tutorial — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/for-dummies/model-export.html b/for-dummies/model-export.html
index fed6f7c1e..096ca3636 100644
--- a/for-dummies/model-export.html
+++ b/for-dummies/model-export.html
@@ -7,7 +7,7 @@
 
   
   Model Export — icefall 0.1 documentation
-      
+      
       
 
   
@@ -133,7 +133,7 @@
 

We can see from the logs that the exported model is saved to the file tdnn/exp/pretrained.pt.

To give you an idea of what tdnn/exp/pretrained.pt contains, we can use the following command:

-
>>> import torch
+
>>> import torch
 >>> m = torch.load("tdnn/exp/pretrained.pt")
 >>> list(m.keys())
 ['model']
diff --git a/for-dummies/training.html b/for-dummies/training.html
index 566cf8792..0dc1dbd0e 100644
--- a/for-dummies/training.html
+++ b/for-dummies/training.html
@@ -7,7 +7,7 @@
 
   
   Training — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/fst-based-forced-alignment/diff.html b/fst-based-forced-alignment/diff.html
index 4381df099..59339dae8 100644
--- a/fst-based-forced-alignment/diff.html
+++ b/fst-based-forced-alignment/diff.html
@@ -7,7 +7,7 @@
 
   
   Two approaches — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/fst-based-forced-alignment/index.html b/fst-based-forced-alignment/index.html
index b55fc69b7..2378a5f08 100644
--- a/fst-based-forced-alignment/index.html
+++ b/fst-based-forced-alignment/index.html
@@ -7,7 +7,7 @@
 
   
   FST-based forced alignment — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/fst-based-forced-alignment/k2-based.html b/fst-based-forced-alignment/k2-based.html
index c14d5e55f..b3632aa9a 100644
--- a/fst-based-forced-alignment/k2-based.html
+++ b/fst-based-forced-alignment/k2-based.html
@@ -7,7 +7,7 @@
 
   
   k2-based forced alignment — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/fst-based-forced-alignment/kaldi-based.html b/fst-based-forced-alignment/kaldi-based.html
index c5040010a..93413427b 100644
--- a/fst-based-forced-alignment/kaldi-based.html
+++ b/fst-based-forced-alignment/kaldi-based.html
@@ -7,7 +7,7 @@
 
   
   Kaldi-based forced alignment — icefall 0.1 documentation
-      
+      
       
 
   
@@ -125,7 +125,7 @@ for FST-based Get the test data
 

We use the test wave from CTC FORCED ALIGNMENT API TUTORIAL

-
import torchaudio
+
import torchaudio
 
 # Download test wave
 speech_file = torchaudio.utils.download_asset("tutorial-assets/Lab41-SRI-VOiCES-src-sp0307-ch127535-sg0042.wav")
@@ -163,7 +163,7 @@ from CTC FORCED ALIGNMENT API TUTORIAL

-
import torch
+
import torch
 
 bundle = torchaudio.pipelines.MMS_FA
 
@@ -225,7 +225,7 @@ from Caution

words.txt contains only words from the transcript of the test wave.

-
from prepare_lang import add_disambig_symbols
+
from prepare_lang import add_disambig_symbols
 
 lexicon = [(w, list(w)) for w in word2id if w != "eps"]
 lexicon_disambig, max_disambig_id = add_disambig_symbols(lexicon)
@@ -347,10 +347,10 @@ use HL.fst
 

Force aligner

Now, everything is ready. We can use the following code to get forced alignments.

-
from kaldi_decoder import DecodableCtc, FasterDecoder, FasterDecoderOptions
-import kaldifst
+
from kaldi_decoder import DecodableCtc, FasterDecoder, FasterDecoderOptions
+import kaldifst
 
-def force_align():
+def force_align():
     HL = kaldifst.StdVectorFst.read("./HL.fst")
     decodable = DecodableCtc(emission[0].contiguous().cpu().numpy())
     decoder_opts = FasterDecoderOptions(max_active=3000)
@@ -557,7 +557,7 @@ use HL.fst

To merge tokens, we use:

-
from icefall.ctc import merge_tokens
+
from icefall.ctc import merge_tokens
 token_spans = merge_tokens(alignment)
 for span in token_spans:
   print(id2token[span.token], span.start, span.end)
@@ -608,7 +608,7 @@ from 
 

Segment each word using the computed alignments

-
def unflatten(list_, lengths):
+
def unflatten(list_, lengths):
     assert len(list_) == sum(lengths)
     i = 0
     ret = []
@@ -635,7 +635,7 @@ from ]
 
-
def preview_word(waveform, spans, num_frames, transcript, sample_rate=bundle.sample_rate):
+
def preview_word(waveform, spans, num_frames, transcript, sample_rate=bundle.sample_rate):
     ratio = waveform.size(1) / num_frames
     x0 = int(ratio * spans[0].start)
     x1 = int(ratio * spans[-1].end)
diff --git a/genindex.html b/genindex.html
index f6cc3e69d..8a986df63 100644
--- a/genindex.html
+++ b/genindex.html
@@ -6,7 +6,7 @@
   
   
   Index — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/huggingface/index.html b/huggingface/index.html
index 732745699..37e8a7706 100644
--- a/huggingface/index.html
+++ b/huggingface/index.html
@@ -7,7 +7,7 @@
 
   
   Huggingface — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/huggingface/pretrained-models.html b/huggingface/pretrained-models.html
index 7cacc7a4a..dac149811 100644
--- a/huggingface/pretrained-models.html
+++ b/huggingface/pretrained-models.html
@@ -7,7 +7,7 @@
 
   
   Pre-trained models — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/huggingface/spaces.html b/huggingface/spaces.html
index 7838b157d..ea7aea2a0 100644
--- a/huggingface/spaces.html
+++ b/huggingface/spaces.html
@@ -7,7 +7,7 @@
 
   
   Huggingface spaces — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/index.html b/index.html
index 87afc9462..d93de921a 100644
--- a/index.html
+++ b/index.html
@@ -7,7 +7,7 @@
 
   
   Icefall — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/installation/index.html b/installation/index.html
index a0d9de59a..342f6c6e8 100644
--- a/installation/index.html
+++ b/installation/index.html
@@ -7,7 +7,7 @@
 
   
   Installation — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/model-export/export-model-state-dict.html b/model-export/export-model-state-dict.html
index 7393e1abd..54447c253 100644
--- a/model-export/export-model-state-dict.html
+++ b/model-export/export-model-state-dict.html
@@ -7,7 +7,7 @@
 
   
   Export model.state_dict() — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/model-export/export-ncnn-conv-emformer.html b/model-export/export-ncnn-conv-emformer.html
index 08a8d5727..f84feaab4 100644
--- a/model-export/export-ncnn-conv-emformer.html
+++ b/model-export/export-ncnn-conv-emformer.html
@@ -7,7 +7,7 @@
 
   
   Export ConvEmformer transducer models to ncnn — icefall 0.1 documentation
-      
+      
       
 
   
@@ -292,7 +292,7 @@ and select the best combination with with 512, 'nhead': 8, 'dim_feedforward': 2048, 'num_encoder_layers': 12, 'cnn_module_kernel': 31, 'left_context_length': 32, 'chunk_length'
 : 32, 'right_context_length': 8, 'memory_size': 32, 'blank_id': 0, 'vocab_size': 500}
 2023-01-11 12:15:38,681 INFO [export-for-ncnn.py:231] About to create model
-2023-01-11 12:15:40,053 INFO [checkpoint.py:112] Loading checkpoint from icefall-asr-librispeech-conv-emformer-transducer-stateless2-2
+2023-01-11 12:15:40,053 INFO [checkpoint.py:112] Loading checkpoint from icefall-asr-librispeech-conv-emformer-transducer-stateless2-2
 022-07-05/exp/epoch-30.pt
 2023-01-11 12:15:40,708 INFO [export-for-ncnn.py:315] Number of model parameters: 75490012
 2023-01-11 12:15:41,681 INFO [export-for-ncnn.py:318] Using torch.jit.trace()
diff --git a/model-export/export-ncnn-lstm.html b/model-export/export-ncnn-lstm.html
index d1a69fe50..75064fbbc 100644
--- a/model-export/export-ncnn-lstm.html
+++ b/model-export/export-ncnn-lstm.html
@@ -7,7 +7,7 @@
 
   
   Export LSTM transducer models to ncnn — icefall 0.1 documentation
-      
+      
       
 
   
@@ -191,7 +191,7 @@ and select the best combination with with 2023-02-17 11:22:42,865 INFO [export-for-ncnn.py:231] {'best_train_loss': inf, 'best_valid_loss': inf, 'best_train_epoch': -1, 'best_valid_epoch': -1, 'batch_idx_train': 0, 'log_interval': 50, 'reset_interval': 200, 'valid_interval': 3000, 'feature_dim': 80, 'subsampling_factor': 4, 'dim_feedforward': 2048, 'decoder_dim': 512, 'joiner_dim': 512, 'is_pnnx': False, 'model_warm_step': 3000, 'env_info': {'k2-version': '1.23.4', 'k2-build-type': 'Release', 'k2-with-cuda': True, 'k2-git-sha1': '62e404dd3f3a811d73e424199b3408e309c06e1a', 'k2-git-date': 'Mon Jan 30 10:26:16 2023', 'lhotse-version': '1.12.0.dev+missing.version.file', 'torch-version': '1.10.0+cu102', 'torch-cuda-available': False, 'torch-cuda-version': '10.2', 'python-version': '3.8', 'icefall-git-branch': 'master', 'icefall-git-sha1': '6d7a559-dirty', 'icefall-git-date': 'Thu Feb 16 19:47:54 2023', 'icefall-path': '/star-fj/fangjun/open-source/icefall-2', 'k2-path': '/star-fj/fangjun/open-source/k2/k2/python/k2/__init__.py', 'lhotse-path': '/star-fj/fangjun/open-source/lhotse/lhotse/__init__.py', 'hostname': 'de-74279-k2-train-3-1220120619-7695ff496b-s9n4w', 'IP address': '10.177.6.147'}, 'epoch': 99, 'iter': 0, 'avg': 1, 'exp_dir': PosixPath('icefall-asr-librispeech-lstm-transducer-stateless2-2022-09-03/exp'), 'bpe_model': './icefall-asr-librispeech-lstm-transducer-stateless2-2022-09-03/data/lang_bpe_500/bpe.model', 'context_size': 2, 'use_averaged_model': False, 'num_encoder_layers': 12, 'encoder_dim': 512, 'rnn_hidden_size': 1024, 'aux_layer_period': 0, 'blank_id': 0, 'vocab_size': 500}
 2023-02-17 11:22:42,865 INFO [export-for-ncnn.py:235] About to create model
 2023-02-17 11:22:43,239 INFO [train.py:472] Disable giga
-2023-02-17 11:22:43,249 INFO [checkpoint.py:112] Loading checkpoint from icefall-asr-librispeech-lstm-transducer-stateless2-2022-09-03/exp/epoch-99.pt
+2023-02-17 11:22:43,249 INFO [checkpoint.py:112] Loading checkpoint from icefall-asr-librispeech-lstm-transducer-stateless2-2022-09-03/exp/epoch-99.pt
 2023-02-17 11:22:44,595 INFO [export-for-ncnn.py:324] encoder parameters: 83137520
 2023-02-17 11:22:44,596 INFO [export-for-ncnn.py:325] decoder parameters: 257024
 2023-02-17 11:22:44,596 INFO [export-for-ncnn.py:326] joiner parameters: 781812
diff --git a/model-export/export-ncnn-zipformer.html b/model-export/export-ncnn-zipformer.html
index 6498f3308..bca0bd5ec 100644
--- a/model-export/export-ncnn-zipformer.html
+++ b/model-export/export-ncnn-zipformer.html
@@ -7,7 +7,7 @@
 
   
   Export streaming Zipformer transducer models to ncnn — icefall 0.1 documentation
-      
+      
       
 
   
@@ -203,7 +203,7 @@ and select the best combination with with 2023-02-27 20:23:07,477 INFO [export-for-ncnn.py:255] {'best_train_loss': inf, 'best_valid_loss': inf, 'best_train_epoch': -1, 'best_valid_epoch': -1, 'batch_idx_train': 0, 'log_interval': 50, 'reset_interval': 200, 'valid_interval': 3000, 'feature_dim': 80, 'subsampling_factor': 4, 'warm_step': 2000, 'env_info': {'k2-version': '1.23.4', 'k2-build-type': 'Release', 'k2-with-cuda': True, 'k2-git-sha1': '62e404dd3f3a811d73e424199b3408e309c06e1a', 'k2-git-date': 'Mon Jan 30 10:26:16 2023', 'lhotse-version': '1.12.0.dev+missing.version.file', 'torch-version': '1.10.0+cu102', 'torch-cuda-available': True, 'torch-cuda-version': '10.2', 'python-version': '3.8', 'icefall-git-branch': 'master', 'icefall-git-sha1': '6d7a559-clean', 'icefall-git-date': 'Thu Feb 16 19:47:54 2023', 'icefall-path': '/star-fj/fangjun/open-source/icefall-2', 'k2-path': '/star-fj/fangjun/open-source/k2/k2/python/k2/__init__.py', 'lhotse-path': '/star-fj/fangjun/open-source/lhotse/lhotse/__init__.py', 'hostname': 'de-74279-k2-train-3-1220120619-7695ff496b-s9n4w', 'IP address': '10.177.6.147'}, 'epoch': 99, 'iter': 0, 'avg': 1, 'exp_dir': PosixPath('icefall-asr-librispeech-pruned-transducer-stateless7-streaming-2022-12-29/exp'), 'bpe_model': './icefall-asr-librispeech-pruned-transducer-stateless7-streaming-2022-12-29/data/lang_bpe_500/bpe.model', 'context_size': 2, 'use_averaged_model': False, 'num_encoder_layers': '2,4,3,2,4', 'feedforward_dims': '1024,1024,2048,2048,1024', 'nhead': '8,8,8,8,8', 'encoder_dims': '384,384,384,384,384', 'attention_dims': '192,192,192,192,192', 'encoder_unmasked_dims': '256,256,256,256,256', 'zipformer_downsampling_factors': '1,2,4,8,2', 'cnn_module_kernels': '31,31,31,31,31', 'decoder_dim': 512, 'joiner_dim': 512, 'short_chunk_size': 50, 'num_left_chunks': 4, 'decode_chunk_len': 32, 'blank_id': 0, 'vocab_size': 500}
 2023-02-27 20:23:07,477 INFO [export-for-ncnn.py:257] About to create model
 2023-02-27 20:23:08,023 INFO [zipformer2.py:419] At encoder stack 4, which has downsampling_factor=2, we will combine the outputs of layers 1 and 3, with downsampling_factors=2 and 8.
-2023-02-27 20:23:08,037 INFO [checkpoint.py:112] Loading checkpoint from icefall-asr-librispeech-pruned-transducer-stateless7-streaming-2022-12-29/exp/epoch-99.pt
+2023-02-27 20:23:08,037 INFO [checkpoint.py:112] Loading checkpoint from icefall-asr-librispeech-pruned-transducer-stateless7-streaming-2022-12-29/exp/epoch-99.pt
 2023-02-27 20:23:08,655 INFO [export-for-ncnn.py:346] encoder parameters: 68944004
 2023-02-27 20:23:08,655 INFO [export-for-ncnn.py:347] decoder parameters: 260096
 2023-02-27 20:23:08,655 INFO [export-for-ncnn.py:348] joiner parameters: 716276
diff --git a/model-export/export-ncnn.html b/model-export/export-ncnn.html
index fd68a6ba1..53c89d9e8 100644
--- a/model-export/export-ncnn.html
+++ b/model-export/export-ncnn.html
@@ -7,7 +7,7 @@
 
   
   Export to ncnn — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/model-export/export-onnx.html b/model-export/export-onnx.html
index 8d5676cde..be569f536 100644
--- a/model-export/export-onnx.html
+++ b/model-export/export-onnx.html
@@ -7,7 +7,7 @@
 
   
   Export to ONNX — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/model-export/export-with-torch-jit-script.html b/model-export/export-with-torch-jit-script.html
index 6278c023d..ffdfa253b 100644
--- a/model-export/export-with-torch-jit-script.html
+++ b/model-export/export-with-torch-jit-script.html
@@ -7,7 +7,7 @@
 
   
   Export model with torch.jit.script() — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/model-export/export-with-torch-jit-trace.html b/model-export/export-with-torch-jit-trace.html
index 36ce5a415..9c5937e5b 100644
--- a/model-export/export-with-torch-jit-trace.html
+++ b/model-export/export-with-torch-jit-trace.html
@@ -7,7 +7,7 @@
 
   
   Export model with torch.jit.trace() — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/model-export/index.html b/model-export/index.html
index 7b3484206..d7375cee5 100644
--- a/model-export/index.html
+++ b/model-export/index.html
@@ -7,7 +7,7 @@
 
   
   Model export — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Finetune/adapter/finetune_adapter.html b/recipes/Finetune/adapter/finetune_adapter.html
index 65e63ff56..08a57755d 100644
--- a/recipes/Finetune/adapter/finetune_adapter.html
+++ b/recipes/Finetune/adapter/finetune_adapter.html
@@ -7,7 +7,7 @@
 
   
   Finetune from a pre-trained Zipformer model with adapters — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Finetune/from_supervised/finetune_zipformer.html b/recipes/Finetune/from_supervised/finetune_zipformer.html
index b0a104775..207fd29b4 100644
--- a/recipes/Finetune/from_supervised/finetune_zipformer.html
+++ b/recipes/Finetune/from_supervised/finetune_zipformer.html
@@ -7,7 +7,7 @@
 
   
   Finetune from a supervised pre-trained Zipformer model — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Finetune/index.html b/recipes/Finetune/index.html
index 1c0197aac..5ee374088 100644
--- a/recipes/Finetune/index.html
+++ b/recipes/Finetune/index.html
@@ -7,7 +7,7 @@
 
   
   Fine-tune a pre-trained model — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Non-streaming-ASR/aishell/conformer_ctc.html b/recipes/Non-streaming-ASR/aishell/conformer_ctc.html
index 1a67825b5..9e8192b75 100644
--- a/recipes/Non-streaming-ASR/aishell/conformer_ctc.html
+++ b/recipes/Non-streaming-ASR/aishell/conformer_ctc.html
@@ -7,7 +7,7 @@
 
   
   Conformer CTC — icefall 0.1 documentation
-      
+      
       
 
   
@@ -624,7 +624,7 @@ $ ./conformer_ctc/pretrained.py 2021-11-18 07:37:47,651 INFO [pretrained.py:259] Constructing Fbank computer
 2021-11-18 07:37:47,654 INFO [pretrained.py:269] Reading sound files: ['./tmp/icefall_asr_aishell_conformer_ctc/test_waves/BAC009S0764W0121.wav', './tmp/icefall_asr_aishell_conformer_ctc/test_waves/BAC009S0764W0122.wav', './tmp/icefall_asr_aishell_conformer_ctc/test_waves/BAC009S0764W0123.wav']
 2021-11-18 07:37:47,659 INFO [pretrained.py:275] Decoding started
-2021-11-18 07:37:47,752 INFO [pretrained.py:321] Loading HLG from ./tmp/icefall_asr_aishell_conformer_ctc/data/lang_char/HLG.pt
+2021-11-18 07:37:47,752 INFO [pretrained.py:321] Loading HLG from ./tmp/icefall_asr_aishell_conformer_ctc/data/lang_char/HLG.pt
 2021-11-18 07:37:51,887 INFO [pretrained.py:340] Use HLG decoding
 2021-11-18 07:37:52,102 INFO [pretrained.py:370]
 ./tmp/icefall_asr_aishell_conformer_ctc/test_waves/BAC009S0764W0121.wav:
@@ -664,7 +664,7 @@ $ ./conformer_ctc/pretrained.py 2021-11-18 07:42:16,821 INFO [pretrained.py:259] Constructing Fbank computer
 2021-11-18 07:42:16,822 INFO [pretrained.py:269] Reading sound files: ['./tmp/icefall_asr_aishell_conformer_ctc/test_waves/BAC009S0764W0121.wav', './tmp/icefall_asr_aishell_conformer_ctc/test_waves/BAC009S0764W0122.wav', './tmp/icefall_asr_aishell_conformer_ctc/test_waves/BAC009S0764W0123.wav']
 2021-11-18 07:42:16,826 INFO [pretrained.py:275] Decoding started
-2021-11-18 07:42:16,916 INFO [pretrained.py:321] Loading HLG from ./tmp/icefall_asr_aishell_conformer_ctc/data/lang_char/HLG.pt
+2021-11-18 07:42:16,916 INFO [pretrained.py:321] Loading HLG from ./tmp/icefall_asr_aishell_conformer_ctc/data/lang_char/HLG.pt
 2021-11-18 07:42:21,115 INFO [pretrained.py:345] Use HLG + attention decoder rescoring
 2021-11-18 07:42:21,888 INFO [pretrained.py:370]
 ./tmp/icefall_asr_aishell_conformer_ctc/test_waves/BAC009S0764W0121.wav:
diff --git a/recipes/Non-streaming-ASR/aishell/index.html b/recipes/Non-streaming-ASR/aishell/index.html
index f7968d595..5ba6decf5 100644
--- a/recipes/Non-streaming-ASR/aishell/index.html
+++ b/recipes/Non-streaming-ASR/aishell/index.html
@@ -7,7 +7,7 @@
 
   
   aishell — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Non-streaming-ASR/aishell/stateless_transducer.html b/recipes/Non-streaming-ASR/aishell/stateless_transducer.html
index 75e68fe3b..a751d6ce3 100644
--- a/recipes/Non-streaming-ASR/aishell/stateless_transducer.html
+++ b/recipes/Non-streaming-ASR/aishell/stateless_transducer.html
@@ -7,7 +7,7 @@
 
   
   Stateless Transducer — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Non-streaming-ASR/aishell/tdnn_lstm_ctc.html b/recipes/Non-streaming-ASR/aishell/tdnn_lstm_ctc.html
index 2d339c3ce..32bb833a1 100644
--- a/recipes/Non-streaming-ASR/aishell/tdnn_lstm_ctc.html
+++ b/recipes/Non-streaming-ASR/aishell/tdnn_lstm_ctc.html
@@ -7,7 +7,7 @@
 
   
   TDNN-LSTM CTC — icefall 0.1 documentation
-      
+      
       
 
   
@@ -559,7 +559,7 @@ $ ./tdnn_lstm_ctc/pretrained.py The output is given below:

2021-09-13 15:00:55,858 INFO [pretrained.py:140] device: cuda:0
 2021-09-13 15:00:55,858 INFO [pretrained.py:142] Creating model
-2021-09-13 15:01:05,389 INFO [pretrained.py:154] Loading HLG from ./tmp/icefall_asr_aishell_tdnn_lstm_ctc/data/lang_phone/HLG.pt
+2021-09-13 15:01:05,389 INFO [pretrained.py:154] Loading HLG from ./tmp/icefall_asr_aishell_tdnn_lstm_ctc/data/lang_phone/HLG.pt
 2021-09-13 15:01:06,531 INFO [pretrained.py:161] Constructing Fbank computer
 2021-09-13 15:01:06,536 INFO [pretrained.py:171] Reading sound files: ['./tmp/icefall_asr_aishell_tdnn_lstm_ctc/test_waves/BAC009S0764W0121.wav', './tmp/icefall_asr_aishell_tdnn_lstm_ctc/test_waves/BAC009S0764W0122.wav', './tmp/icefall_asr_aishell_tdnn_lstm_ctc/test_waves/BAC009S0764W0123.wav']
 2021-09-13 15:01:06,539 INFO [pretrained.py:177] Decoding started
diff --git a/recipes/Non-streaming-ASR/index.html b/recipes/Non-streaming-ASR/index.html
index 70a189273..7a7622d00 100644
--- a/recipes/Non-streaming-ASR/index.html
+++ b/recipes/Non-streaming-ASR/index.html
@@ -7,7 +7,7 @@
 
   
   Non Streaming ASR — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Non-streaming-ASR/librispeech/conformer_ctc.html b/recipes/Non-streaming-ASR/librispeech/conformer_ctc.html
index 9ffaf4a5b..1c0a54ae5 100644
--- a/recipes/Non-streaming-ASR/librispeech/conformer_ctc.html
+++ b/recipes/Non-streaming-ASR/librispeech/conformer_ctc.html
@@ -7,7 +7,7 @@
 
   
   Conformer CTC — icefall 0.1 documentation
-      
+      
       
 
   
@@ -733,7 +733,7 @@ $ ./conformer_ctc/pretrained.py 2021-11-10 13:33:09,775 INFO [pretrained.py:285] Constructing Fbank computer
 2021-11-10 13:33:09,776 INFO [pretrained.py:295] Reading sound files: ['./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1089-134686-0001.wav', './icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1221-135766-0001.wav', './icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1221-135766-0002.wav']
 2021-11-10 13:33:09,881 INFO [pretrained.py:301] Decoding started
-2021-11-10 13:33:09,951 INFO [pretrained.py:352] Loading HLG from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lang_bpe_500/HLG.pt
+2021-11-10 13:33:09,951 INFO [pretrained.py:352] Loading HLG from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lang_bpe_500/HLG.pt
 2021-11-10 13:33:13,234 INFO [pretrained.py:384] Use HLG decoding
 2021-11-10 13:33:13,571 INFO [pretrained.py:425]
 ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1089-134686-0001.wav:
@@ -775,8 +775,8 @@ path of the rescored lattice is the decoding result.

2021-11-10 13:40:01,979 INFO [pretrained.py:285] Constructing Fbank computer 2021-11-10 13:40:01,980 INFO [pretrained.py:295] Reading sound files: ['./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1089-134686-0001.wav', './icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1221-135766-0001.wav', './icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1221-135766-0002.wav'] 2021-11-10 13:40:02,055 INFO [pretrained.py:301] Decoding started -2021-11-10 13:40:02,117 INFO [pretrained.py:352] Loading HLG from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lang_bpe_500/HLG.pt -2021-11-10 13:40:05,051 INFO [pretrained.py:363] Loading G from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lm/G_4_gram.pt +2021-11-10 13:40:02,117 INFO [pretrained.py:352] Loading HLG from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lang_bpe_500/HLG.pt +2021-11-10 13:40:05,051 INFO [pretrained.py:363] Loading G from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lm/G_4_gram.pt 2021-11-10 13:40:18,959 INFO [pretrained.py:389] Use HLG decoding + LM rescoring 2021-11-10 13:40:19,546 INFO [pretrained.py:425] ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1089-134686-0001.wav: @@ -824,8 +824,8 @@ $ ./conformer_ctc/pretrained.py 2021-11-10 13:43:51,833 INFO [pretrained.py:285] Constructing Fbank computer 2021-11-10 13:43:51,834 INFO [pretrained.py:295] Reading sound files: ['./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1089-134686-0001.wav', './icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1221-135766-0001.wav', './icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1221-135766-0002.wav'] 2021-11-10 13:43:51,915 INFO [pretrained.py:301] Decoding started -2021-11-10 13:43:52,076 INFO [pretrained.py:352] Loading HLG from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lang_bpe_500/HLG.pt -2021-11-10 13:43:55,110 INFO [pretrained.py:363] Loading G from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lm/G_4_gram.pt +2021-11-10 13:43:52,076 INFO [pretrained.py:352] Loading HLG from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lang_bpe_500/HLG.pt +2021-11-10 13:43:55,110 INFO [pretrained.py:363] Loading G from ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/data/lm/G_4_gram.pt 2021-11-10 13:44:09,329 INFO [pretrained.py:397] Use HLG + LM rescoring + attention decoder rescoring 2021-11-10 13:44:10,192 INFO [pretrained.py:425] ./icefall-asr-librispeech-conformer-ctc-jit-bpe-500-2021-11-09/test_wavs/1089-134686-0001.wav: diff --git a/recipes/Non-streaming-ASR/librispeech/distillation.html b/recipes/Non-streaming-ASR/librispeech/distillation.html index 354d005ec..8cc35373a 100644 --- a/recipes/Non-streaming-ASR/librispeech/distillation.html +++ b/recipes/Non-streaming-ASR/librispeech/distillation.html @@ -7,7 +7,7 @@ Distillation with HuBERT — icefall 0.1 documentation - + diff --git a/recipes/Non-streaming-ASR/librispeech/index.html b/recipes/Non-streaming-ASR/librispeech/index.html index 8a38ffd34..ceca550a3 100644 --- a/recipes/Non-streaming-ASR/librispeech/index.html +++ b/recipes/Non-streaming-ASR/librispeech/index.html @@ -7,7 +7,7 @@ LibriSpeech — icefall 0.1 documentation - + diff --git a/recipes/Non-streaming-ASR/librispeech/pruned_transducer_stateless.html b/recipes/Non-streaming-ASR/librispeech/pruned_transducer_stateless.html index 023e71214..af8548b4e 100644 --- a/recipes/Non-streaming-ASR/librispeech/pruned_transducer_stateless.html +++ b/recipes/Non-streaming-ASR/librispeech/pruned_transducer_stateless.html @@ -7,7 +7,7 @@ Pruned transducer statelessX — icefall 0.1 documentation - + diff --git a/recipes/Non-streaming-ASR/librispeech/tdnn_lstm_ctc.html b/recipes/Non-streaming-ASR/librispeech/tdnn_lstm_ctc.html index e4d289430..c661bc63e 100644 --- a/recipes/Non-streaming-ASR/librispeech/tdnn_lstm_ctc.html +++ b/recipes/Non-streaming-ASR/librispeech/tdnn_lstm_ctc.html @@ -7,7 +7,7 @@ TDNN-LSTM-CTC — icefall 0.1 documentation - + @@ -404,7 +404,7 @@ $ ./tdnn_lstm_ctc/pretrained.py --

The output is:

2021-08-24 16:57:13,315 INFO [pretrained.py:168] device: cuda:0
 2021-08-24 16:57:13,315 INFO [pretrained.py:170] Creating model
-2021-08-24 16:57:18,331 INFO [pretrained.py:182] Loading HLG from ./tmp/icefall_asr_librispeech_tdnn-lstm_ctc/data/lang_phone/HLG.pt
+2021-08-24 16:57:18,331 INFO [pretrained.py:182] Loading HLG from ./tmp/icefall_asr_librispeech_tdnn-lstm_ctc/data/lang_phone/HLG.pt
 2021-08-24 16:57:27,581 INFO [pretrained.py:199] Constructing Fbank computer
 2021-08-24 16:57:27,584 INFO [pretrained.py:209] Reading sound files: ['./tmp/icefall_asr_librispeech_tdnn-lstm_ctc/test_wavs/1089-134686-0001.flac', './tmp/icefall_asr_librispeech_tdnn-lstm_ctc/test_wavs/1221-135766-0001.flac', './tmp/icefall_asr_librispeech_tdnn-lstm_ctc/test_wavs/1221-135766-0002.flac']
 2021-08-24 16:57:27,599 INFO [pretrained.py:215] Decoding started
@@ -439,8 +439,8 @@ $ ./tdnn_lstm_ctc/pretrained.py --
 

The decoding output is:

2021-08-24 16:39:24,725 INFO [pretrained.py:168] device: cuda:0
 2021-08-24 16:39:24,725 INFO [pretrained.py:170] Creating model
-2021-08-24 16:39:29,403 INFO [pretrained.py:182] Loading HLG from ./tmp/icefall_asr_librispeech_tdnn-lstm_ctc/data/lang_phone/HLG.pt
-2021-08-24 16:39:40,631 INFO [pretrained.py:190] Loading G from ./tmp/icefall_asr_librispeech_tdnn-lstm_ctc/data/lm/G_4_gram.pt
+2021-08-24 16:39:29,403 INFO [pretrained.py:182] Loading HLG from ./tmp/icefall_asr_librispeech_tdnn-lstm_ctc/data/lang_phone/HLG.pt
+2021-08-24 16:39:40,631 INFO [pretrained.py:190] Loading G from ./tmp/icefall_asr_librispeech_tdnn-lstm_ctc/data/lm/G_4_gram.pt
 2021-08-24 16:39:53,098 INFO [pretrained.py:199] Constructing Fbank computer
 2021-08-24 16:39:53,107 INFO [pretrained.py:209] Reading sound files: ['./tmp/icefall_asr_librispeech_tdnn-lstm_ctc/test_wavs/1089-134686-0001.flac', './tmp/icefall_asr_librispeech_tdnn-lstm_ctc/test_wavs/1221-135766-0001.flac', './tmp/icefall_asr_librispeech_tdnn-lstm_ctc/test_wavs/1221-135766-0002.flac']
 2021-08-24 16:39:53,121 INFO [pretrained.py:215] Decoding started
diff --git a/recipes/Non-streaming-ASR/librispeech/zipformer_ctc_blankskip.html b/recipes/Non-streaming-ASR/librispeech/zipformer_ctc_blankskip.html
index d2e693ea9..87746bce4 100644
--- a/recipes/Non-streaming-ASR/librispeech/zipformer_ctc_blankskip.html
+++ b/recipes/Non-streaming-ASR/librispeech/zipformer_ctc_blankskip.html
@@ -7,7 +7,7 @@
 
   
   Zipformer CTC Blank Skip — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Non-streaming-ASR/librispeech/zipformer_mmi.html b/recipes/Non-streaming-ASR/librispeech/zipformer_mmi.html
index 6adbd2aed..26f0e016f 100644
--- a/recipes/Non-streaming-ASR/librispeech/zipformer_mmi.html
+++ b/recipes/Non-streaming-ASR/librispeech/zipformer_mmi.html
@@ -7,7 +7,7 @@
 
   
   Zipformer MMI — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Non-streaming-ASR/timit/index.html b/recipes/Non-streaming-ASR/timit/index.html
index ab13c56f9..004e1e080 100644
--- a/recipes/Non-streaming-ASR/timit/index.html
+++ b/recipes/Non-streaming-ASR/timit/index.html
@@ -7,7 +7,7 @@
 
   
   TIMIT — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Non-streaming-ASR/timit/tdnn_ligru_ctc.html b/recipes/Non-streaming-ASR/timit/tdnn_ligru_ctc.html
index f021c4480..cd223083e 100644
--- a/recipes/Non-streaming-ASR/timit/tdnn_ligru_ctc.html
+++ b/recipes/Non-streaming-ASR/timit/tdnn_ligru_ctc.html
@@ -7,7 +7,7 @@
 
   
   TDNN-LiGRU-CTC — icefall 0.1 documentation
-      
+      
       
 
   
@@ -401,7 +401,7 @@ $ ./tdnn_ligru_ctc/pretrained.py -
 

The output is:

2021-11-08 20:41:33,660 INFO [pretrained.py:169] device: cuda:0
 2021-11-08 20:41:33,660 INFO [pretrained.py:171] Creating model
-2021-11-08 20:41:38,680 INFO [pretrained.py:183] Loading HLG from ./tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/data/lang_phone/HLG.pt
+2021-11-08 20:41:38,680 INFO [pretrained.py:183] Loading HLG from ./tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/data/lang_phone/HLG.pt
 2021-11-08 20:41:38,695 INFO [pretrained.py:200] Constructing Fbank computer
 2021-11-08 20:41:38,697 INFO [pretrained.py:210] Reading sound files: ['./tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/test_waves/FDHC0_SI1559.WAV', './tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/test_waves/FELC0_SI756.WAV', './tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/test_waves/FMGD0_SI1564.WAV']
 2021-11-08 20:41:38,704 INFO [pretrained.py:216] Decoding started
@@ -436,8 +436,8 @@ $ ./tdnn_ligru_ctc/pretrained.py -
 

The decoding output is:

2021-11-08 20:37:50,693 INFO [pretrained.py:169] device: cuda:0
 2021-11-08 20:37:50,693 INFO [pretrained.py:171] Creating model
-2021-11-08 20:37:54,693 INFO [pretrained.py:183] Loading HLG from ./tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/data/lang_phone/HLG.pt
-2021-11-08 20:37:54,705 INFO [pretrained.py:191] Loading G from ./tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/data/lm/G_4_gram.pt
+2021-11-08 20:37:54,693 INFO [pretrained.py:183] Loading HLG from ./tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/data/lang_phone/HLG.pt
+2021-11-08 20:37:54,705 INFO [pretrained.py:191] Loading G from ./tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/data/lm/G_4_gram.pt
 2021-11-08 20:37:54,714 INFO [pretrained.py:200] Constructing Fbank computer
 2021-11-08 20:37:54,715 INFO [pretrained.py:210] Reading sound files: ['./tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/test_waves/FDHC0_SI1559.WAV', './tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/test_waves/FELC0_SI756.WAV', './tmp-ligru/icefall_asr_timit_tdnn_ligru_ctc/test_waves/FMGD0_SI1564.WAV']
 2021-11-08 20:37:54,720 INFO [pretrained.py:216] Decoding started
diff --git a/recipes/Non-streaming-ASR/timit/tdnn_lstm_ctc.html b/recipes/Non-streaming-ASR/timit/tdnn_lstm_ctc.html
index 980a8595f..0b4d34db7 100644
--- a/recipes/Non-streaming-ASR/timit/tdnn_lstm_ctc.html
+++ b/recipes/Non-streaming-ASR/timit/tdnn_lstm_ctc.html
@@ -7,7 +7,7 @@
 
   
   TDNN-LSTM-CTC — icefall 0.1 documentation
-      
+      
       
 
   
@@ -399,7 +399,7 @@ $ ./tdnn_lstm_ctc/pretrained.py --
 

The output is:

2021-11-08 21:02:49,583 INFO [pretrained.py:169] device: cuda:0
 2021-11-08 21:02:49,584 INFO [pretrained.py:171] Creating model
-2021-11-08 21:02:53,816 INFO [pretrained.py:183] Loading HLG from ./tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/data/lang_phone/HLG.pt
+2021-11-08 21:02:53,816 INFO [pretrained.py:183] Loading HLG from ./tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/data/lang_phone/HLG.pt
 2021-11-08 21:02:53,827 INFO [pretrained.py:200] Constructing Fbank computer
 2021-11-08 21:02:53,827 INFO [pretrained.py:210] Reading sound files: ['./tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/test_waves/FDHC0_SI1559.WAV', './tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/test_waves/FELC0_SI756.WAV', './tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/test_waves/FMGD0_SI1564.WAV']
 2021-11-08 21:02:53,831 INFO [pretrained.py:216] Decoding started
@@ -434,8 +434,8 @@ $ ./tdnn_lstm_ctc/pretrained.py --
 

The decoding output is:

2021-11-08 20:05:22,739 INFO [pretrained.py:169] device: cuda:0
 2021-11-08 20:05:22,739 INFO [pretrained.py:171] Creating model
-2021-11-08 20:05:26,959 INFO [pretrained.py:183] Loading HLG from ./tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/data/lang_phone/HLG.pt
-2021-11-08 20:05:26,971 INFO [pretrained.py:191] Loading G from ./tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/data/lm/G_4_gram.pt
+2021-11-08 20:05:26,959 INFO [pretrained.py:183] Loading HLG from ./tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/data/lang_phone/HLG.pt
+2021-11-08 20:05:26,971 INFO [pretrained.py:191] Loading G from ./tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/data/lm/G_4_gram.pt
 2021-11-08 20:05:26,977 INFO [pretrained.py:200] Constructing Fbank computer
 2021-11-08 20:05:26,978 INFO [pretrained.py:210] Reading sound files: ['./tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/test_waves/FDHC0_SI1559.WAV', './tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/test_waves/FELC0_SI756.WAV', './tmp-lstm/icefall_asr_timit_tdnn_lstm_ctc/test_waves/FMGD0_SI1564.WAV']
 2021-11-08 20:05:26,981 INFO [pretrained.py:216] Decoding started
diff --git a/recipes/Non-streaming-ASR/yesno/index.html b/recipes/Non-streaming-ASR/yesno/index.html
index 34019b460..933f939f0 100644
--- a/recipes/Non-streaming-ASR/yesno/index.html
+++ b/recipes/Non-streaming-ASR/yesno/index.html
@@ -7,7 +7,7 @@
 
   
   YesNo — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Non-streaming-ASR/yesno/tdnn.html b/recipes/Non-streaming-ASR/yesno/tdnn.html
index 5950a8254..083f58bad 100644
--- a/recipes/Non-streaming-ASR/yesno/tdnn.html
+++ b/recipes/Non-streaming-ASR/yesno/tdnn.html
@@ -7,7 +7,7 @@
 
   
   TDNN-CTC — icefall 0.1 documentation
-      
+      
       
 
   
@@ -505,7 +505,7 @@ $ ./tdnn/pretrained.py --help
 
2021-08-24 12:22:51,621 INFO [pretrained.py:119] {'feature_dim': 23, 'num_classes': 4, 'sample_rate': 8000, 'search_beam': 20, 'output_beam': 8, 'min_active_states': 30, 'max_active_states': 10000, 'use_double_scores': True, 'checkpoint': './tmp/icefall_asr_yesno_tdnn/pretrained.pt', 'words_file': './tmp/icefall_asr_yesno_tdnn/lang_phone/words.txt', 'HLG': './tmp/icefall_asr_yesno_tdnn/lang_phone/HLG.pt', 'sound_files': ['./tmp/icefall_asr_yesno_tdnn/test_waves/0_0_1_0_1_0_0_1.wav']}
 2021-08-24 12:22:51,645 INFO [pretrained.py:125] device: cpu
 2021-08-24 12:22:51,645 INFO [pretrained.py:127] Creating model
-2021-08-24 12:22:51,650 INFO [pretrained.py:139] Loading HLG from ./tmp/icefall_asr_yesno_tdnn/lang_phone/HLG.pt
+2021-08-24 12:22:51,650 INFO [pretrained.py:139] Loading HLG from ./tmp/icefall_asr_yesno_tdnn/lang_phone/HLG.pt
 2021-08-24 12:22:51,651 INFO [pretrained.py:143] Constructing Fbank computer
 2021-08-24 12:22:51,652 INFO [pretrained.py:153] Reading sound files: ['./tmp/icefall_asr_yesno_tdnn/test_waves/0_0_1_0_1_0_0_1.wav']
 2021-08-24 12:22:51,684 INFO [pretrained.py:159] Decoding started
@@ -532,7 +532,7 @@ $ ./tdnn/pretrained.py --help
 
2021-08-24 12:25:20,159 INFO [pretrained.py:119] {'feature_dim': 23, 'num_classes': 4, 'sample_rate': 8000, 'search_beam': 20, 'output_beam': 8, 'min_active_states': 30, 'max_active_states': 10000, 'use_double_scores': True, 'checkpoint': './tmp/icefall_asr_yesno_tdnn/pretrained.pt', 'words_file': './tmp/icefall_asr_yesno_tdnn/lang_phone/words.txt', 'HLG': './tmp/icefall_asr_yesno_tdnn/lang_phone/HLG.pt', 'sound_files': ['./tmp/icefall_asr_yesno_tdnn/test_waves/0_0_1_0_1_0_0_1.wav', './tmp/icefall_asr_yesno_tdnn/test_waves/1_0_1_1_0_1_1_1.wav']}
 2021-08-24 12:25:20,181 INFO [pretrained.py:125] device: cpu
 2021-08-24 12:25:20,181 INFO [pretrained.py:127] Creating model
-2021-08-24 12:25:20,185 INFO [pretrained.py:139] Loading HLG from ./tmp/icefall_asr_yesno_tdnn/lang_phone/HLG.pt
+2021-08-24 12:25:20,185 INFO [pretrained.py:139] Loading HLG from ./tmp/icefall_asr_yesno_tdnn/lang_phone/HLG.pt
 2021-08-24 12:25:20,186 INFO [pretrained.py:143] Constructing Fbank computer
 2021-08-24 12:25:20,187 INFO [pretrained.py:153] Reading sound files: ['./tmp/icefall_asr_yesno_tdnn/test_waves/0_0_1_0_1_0_0_1.wav',
 './tmp/icefall_asr_yesno_tdnn/test_waves/1_0_1_1_0_1_1_1.wav']
diff --git a/recipes/RNN-LM/index.html b/recipes/RNN-LM/index.html
index d3321ce90..3dbac5b16 100644
--- a/recipes/RNN-LM/index.html
+++ b/recipes/RNN-LM/index.html
@@ -7,7 +7,7 @@
 
   
   RNN-LM — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/RNN-LM/librispeech/lm-training.html b/recipes/RNN-LM/librispeech/lm-training.html
index bbea5d7d6..ed641f952 100644
--- a/recipes/RNN-LM/librispeech/lm-training.html
+++ b/recipes/RNN-LM/librispeech/lm-training.html
@@ -7,7 +7,7 @@
 
   
   Train an RNN language model — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Streaming-ASR/index.html b/recipes/Streaming-ASR/index.html
index 9451a5c84..d1ed9dca3 100644
--- a/recipes/Streaming-ASR/index.html
+++ b/recipes/Streaming-ASR/index.html
@@ -7,7 +7,7 @@
 
   
   Streaming ASR — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Streaming-ASR/introduction.html b/recipes/Streaming-ASR/introduction.html
index 5075a7f6a..63b18723e 100644
--- a/recipes/Streaming-ASR/introduction.html
+++ b/recipes/Streaming-ASR/introduction.html
@@ -7,7 +7,7 @@
 
   
   Introduction — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Streaming-ASR/librispeech/index.html b/recipes/Streaming-ASR/librispeech/index.html
index ea1ee4134..41f9a33de 100644
--- a/recipes/Streaming-ASR/librispeech/index.html
+++ b/recipes/Streaming-ASR/librispeech/index.html
@@ -7,7 +7,7 @@
 
   
   LibriSpeech — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Streaming-ASR/librispeech/lstm_pruned_stateless_transducer.html b/recipes/Streaming-ASR/librispeech/lstm_pruned_stateless_transducer.html
index deebf3b01..f4ab1ac06 100644
--- a/recipes/Streaming-ASR/librispeech/lstm_pruned_stateless_transducer.html
+++ b/recipes/Streaming-ASR/librispeech/lstm_pruned_stateless_transducer.html
@@ -7,7 +7,7 @@
 
   
   LSTM Transducer — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Streaming-ASR/librispeech/pruned_transducer_stateless.html b/recipes/Streaming-ASR/librispeech/pruned_transducer_stateless.html
index 6ded4745d..20d6cc8d8 100644
--- a/recipes/Streaming-ASR/librispeech/pruned_transducer_stateless.html
+++ b/recipes/Streaming-ASR/librispeech/pruned_transducer_stateless.html
@@ -7,7 +7,7 @@
 
   
   Pruned transducer statelessX — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/Streaming-ASR/librispeech/zipformer_transducer.html b/recipes/Streaming-ASR/librispeech/zipformer_transducer.html
index 7dd167c0d..a6e3a1df4 100644
--- a/recipes/Streaming-ASR/librispeech/zipformer_transducer.html
+++ b/recipes/Streaming-ASR/librispeech/zipformer_transducer.html
@@ -7,7 +7,7 @@
 
   
   Zipformer Transducer — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/TTS/index.html b/recipes/TTS/index.html
index 63b88fb7f..0e30e41f8 100644
--- a/recipes/TTS/index.html
+++ b/recipes/TTS/index.html
@@ -7,7 +7,7 @@
 
   
   TTS — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/TTS/ljspeech/vits.html b/recipes/TTS/ljspeech/vits.html
index b1fb2c787..9bfbca6fb 100644
--- a/recipes/TTS/ljspeech/vits.html
+++ b/recipes/TTS/ljspeech/vits.html
@@ -7,7 +7,7 @@
 
   
   VITS-LJSpeech — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/TTS/vctk/vits.html b/recipes/TTS/vctk/vits.html
index be223715e..b9f717d39 100644
--- a/recipes/TTS/vctk/vits.html
+++ b/recipes/TTS/vctk/vits.html
@@ -7,7 +7,7 @@
 
   
   VITS-VCTK — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/recipes/index.html b/recipes/index.html
index aa71b3e67..1fb921c4b 100644
--- a/recipes/index.html
+++ b/recipes/index.html
@@ -7,7 +7,7 @@
 
   
   Recipes — icefall 0.1 documentation
-      
+      
       
 
   
diff --git a/search.html b/search.html
index 5fef466e0..6e2b3c1a6 100644
--- a/search.html
+++ b/search.html
@@ -6,7 +6,7 @@
   
   
   Search — icefall 0.1 documentation
-      
+