infer.py 8.2 KB
Newer Older
1
"""Inferer for DeepSpeech2 model."""
2 3 4
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
X
Xinghai Sun 已提交
5

6 7
import argparse
import gzip
8
import distutils.util
9
import multiprocessing
10 11
import paddle.v2 as paddle
from data_utils.data import DataGenerator
X
Xinghai Sun 已提交
12
from model import deep_speech2
Y
Yibing Liu 已提交
13
from decoder import *
Y
Yibing Liu 已提交
14
from scorer import Scorer
15
from error_rate import wer
16
import utils
17

18
parser = argparse.ArgumentParser(description=__doc__)
19
parser.add_argument(
X
Xinghai Sun 已提交
20
    "--num_samples",
21
    default=100,
X
Xinghai Sun 已提交
22
    type=int,
23
    help="Number of samples for inference. (default: %(default)s)")
24
parser.add_argument(
25 26 27 28 29 30 31 32 33 34 35 36 37 38 39 40 41 42 43
    "--num_conv_layers",
    default=2,
    type=int,
    help="Convolution layer number. (default: %(default)s)")
parser.add_argument(
    "--num_rnn_layers",
    default=3,
    type=int,
    help="RNN layer number. (default: %(default)s)")
parser.add_argument(
    "--rnn_layer_size",
    default=512,
    type=int,
    help="RNN layer cell number. (default: %(default)s)")
parser.add_argument(
    "--use_gpu",
    default=True,
    type=distutils.util.strtobool,
    help="Use gpu or not. (default: %(default)s)")
44 45
parser.add_argument(
    "--num_threads_data",
46
    default=multiprocessing.cpu_count(),
47 48
    type=int,
    help="Number of cpu threads for preprocessing data. (default: %(default)s)")
49
parser.add_argument(
50 51
    "--mean_std_filepath",
    default='mean_std.npz',
52 53
    type=str,
    help="Manifest path for normalizer. (default: %(default)s)")
54
parser.add_argument(
55
    "--decode_manifest_path",
56
    default='data/manifest.libri.test-100sample',
57 58
    type=str,
    help="Manifest path for decoding. (default: %(default)s)")
59
parser.add_argument(
60 61 62 63
    "--model_filepath",
    default='./params.tar.gz',
    type=str,
    help="Model filepath. (default: %(default)s)")
64 65
parser.add_argument(
    "--vocab_filepath",
66
    default='datasets/vocab/eng_vocab.txt',
67 68
    type=str,
    help="Vocabulary filepath. (default: %(default)s)")
Y
Yibing Liu 已提交
69 70
parser.add_argument(
    "--decode_method",
Y
Yibing Liu 已提交
71
    default='beam_search_nproc',
Y
Yibing Liu 已提交
72
    type=str,
73 74 75 76
    help="Method for ctc decoding:"
    "  best_path,"
    "  beam_search, "
    "   or beam_search_nproc. (default: %(default)s)")
Y
Yibing Liu 已提交
77 78
parser.add_argument(
    "--beam_size",
79
    default=500,
Y
Yibing Liu 已提交
80 81 82
    type=int,
    help="Width for beam search decoding. (default: %(default)d)")
parser.add_argument(
Y
Yibing Liu 已提交
83 84
    "--num_results_per_sample",
    default=1,
Y
Yibing Liu 已提交
85
    type=int,
Y
Yibing Liu 已提交
86 87 88
    help="Number of output per sample in beam search. (default: %(default)d)")
parser.add_argument(
    "--language_model_path",
Y
Yibing Liu 已提交
89
    default="data/en.00.UNKNOWN.klm",
Y
Yibing Liu 已提交
90
    type=str,
Y
Yibing Liu 已提交
91
    help="Path for language model. (default: %(default)s)")
Y
Yibing Liu 已提交
92 93
parser.add_argument(
    "--alpha",
94
    default=0.26,
Y
Yibing Liu 已提交
95 96 97 98
    type=float,
    help="Parameter associated with language model. (default: %(default)f)")
parser.add_argument(
    "--beta",
99
    default=0.1,
Y
Yibing Liu 已提交
100 101
    type=float,
    help="Parameter associated with word count. (default: %(default)f)")
102 103 104 105 106 107
parser.add_argument(
    "--cutoff_prob",
    default=0.99,
    type=float,
    help="The cutoff probability of pruning"
    "in beam search. (default: %(default)f)")
108 109 110
args = parser.parse_args()


111
def infer():
Y
Yibing Liu 已提交
112
    """Inference for DeepSpeech2."""
113 114
    # initialize data generator
    data_generator = DataGenerator(
115
        vocab_filepath=args.vocab_filepath,
116
        mean_std_filepath=args.mean_std_filepath,
117 118
        augmentation_config='{}',
        num_threads=args.num_threads_data)
119

120
    # create network config
121 122 123
    # paddle.data_type.dense_array is used for variable batch input.
    # The size 161 * 161 is only an placeholder value and the real shape
    # of input batch data will be induced during training.
124
    audio_data = paddle.layer.data(
125
        name="audio_spectrogram", type=paddle.data_type.dense_array(161 * 161))
126 127
    text_data = paddle.layer.data(
        name="transcript_text",
128
        type=paddle.data_type.integer_value_sequence(data_generator.vocab_size))
129
    output_probs = deep_speech2(
130 131
        audio_data=audio_data,
        text_data=text_data,
132
        dict_size=data_generator.vocab_size,
133 134
        num_conv_layers=args.num_conv_layers,
        num_rnn_layers=args.num_rnn_layers,
135 136
        rnn_size=args.rnn_layer_size,
        is_inference=True)
137 138 139

    # load parameters
    parameters = paddle.parameters.Parameters.from_tar(
140
        gzip.open(args.model_filepath))
141 142

    # prepare infer data
143
    batch_reader = data_generator.batch_reader_creator(
144 145
        manifest_path=args.decode_manifest_path,
        batch_size=args.num_samples,
146
        sortagrad=False,
147
        shuffle_method=None)
148
    infer_data = batch_reader().next()
149

150 151 152
    # run inference
    infer_results = paddle.infer(
        output_layer=output_probs, parameters=parameters, input=infer_data)
153
    num_steps = len(infer_results) // len(infer_data)
154 155
    probs_split = [
        infer_results[i * num_steps:(i + 1) * num_steps]
156
        for i in xrange(len(infer_data))
157
    ]
158

Y
Yibing Liu 已提交
159 160
    ## decode and print
    # best path decode
161
    wer_sum, wer_counter = 0, 0
Y
Yibing Liu 已提交
162 163
    if args.decode_method == "best_path":
        for i, probs in enumerate(probs_split):
Y
Yibing Liu 已提交
164 165 166
            target_transcription = ''.join([
                data_generator.vocab_list[index] for index in infer_data[i][1]
            ])
Y
Yibing Liu 已提交
167
            best_path_transcription = ctc_best_path_decode(
Y
Yibing Liu 已提交
168
                probs_seq=probs, vocabulary=data_generator.vocab_list)
Y
Yibing Liu 已提交
169 170
            print("\nTarget Transcription: %s\nOutput Transcription: %s" %
                  (target_transcription, best_path_transcription))
171 172 173 174 175
            wer_cur = wer(target_transcription, best_path_transcription)
            wer_sum += wer_cur
            wer_counter += 1
            print("cur wer = %f, average wer = %f" %
                  (wer_cur, wer_sum / wer_counter))
Y
Yibing Liu 已提交
176 177
    # beam search decode
    elif args.decode_method == "beam_search":
178
        ext_scorer = Scorer(args.alpha, args.beta, args.language_model_path)
Y
Yibing Liu 已提交
179
        for i, probs in enumerate(probs_split):
Y
Yibing Liu 已提交
180 181 182
            target_transcription = ''.join([
                data_generator.vocab_list[index] for index in infer_data[i][1]
            ])
Y
Yibing Liu 已提交
183 184
            beam_search_result = ctc_beam_search_decoder(
                probs_seq=probs,
Y
Yibing Liu 已提交
185
                vocabulary=data_generator.vocab_list,
Y
Yibing Liu 已提交
186
                beam_size=args.beam_size,
Y
Yibing Liu 已提交
187
                blank_id=len(data_generator.vocab_list),
188 189
                cutoff_prob=args.cutoff_prob,
                ext_scoring_func=ext_scorer, )
Y
Yibing Liu 已提交
190
            print("\nTarget Transcription:\t%s" % target_transcription)
191

192
            for index in xrange(args.num_results_per_sample):
193 194 195 196 197 198 199 200 201 202 203 204
                result = beam_search_result[index]
                #output: index, log prob, beam result
                print("Beam %d: %f \t%s" % (index, result[0], result[1]))
            wer_cur = wer(target_transcription, beam_search_result[0][1])
            wer_sum += wer_cur
            wer_counter += 1
            print("cur wer = %f , average wer = %f" %
                  (wer_cur, wer_sum / wer_counter))
    elif args.decode_method == "beam_search_nproc":
        ext_scorer = Scorer(args.alpha, args.beta, args.language_model_path)
        beam_search_nproc_results = ctc_beam_search_decoder_nproc(
            probs_split=probs_split,
205
            vocabulary=data_generator.vocab_list,
206
            beam_size=args.beam_size,
Y
Yibing Liu 已提交
207
            blank_id=len(data_generator.vocab_list),
208 209
            cutoff_prob=args.cutoff_prob,
            ext_scoring_func=ext_scorer, )
210
        for i, beam_search_result in enumerate(beam_search_nproc_results):
Y
Yibing Liu 已提交
211 212 213
            target_transcription = ''.join([
                data_generator.vocab_list[index] for index in infer_data[i][1]
            ])
214 215
            print("\nTarget Transcription:\t%s" % target_transcription)

216
            for index in xrange(args.num_results_per_sample):
Y
Yibing Liu 已提交
217
                result = beam_search_result[index]
Y
Yibing Liu 已提交
218
                #output: index, log prob, beam result
Y
Yibing Liu 已提交
219
                print("Beam %d: %f \t%s" % (index, result[0], result[1]))
220 221 222 223 224
            wer_cur = wer(target_transcription, beam_search_result[0][1])
            wer_sum += wer_cur
            wer_counter += 1
            print("cur wer = %f , average wer = %f" %
                  (wer_cur, wer_sum / wer_counter))
Y
Yibing Liu 已提交
225
    else:
Y
Yibing Liu 已提交
226 227
        raise ValueError("Decoding method [%s] is not supported." %
                         decode_method)
228 229 230


def main():
231
    utils.print_arguments(args)
232
    paddle.init(use_gpu=args.use_gpu, trainer_count=1)
233
    infer()
234 235 236 237


if __name__ == '__main__':
    main()