tune.py 5.8 KB
Newer Older
1
"""Beam search parameters tuning for DeepSpeech2 model."""
Y
Yibing Liu 已提交
2 3 4
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
5

6
import numpy as np
7 8
import distutils.util
import argparse
9
import multiprocessing
Y
Yibing Liu 已提交
10
import paddle.v2 as paddle
Y
Yibing Liu 已提交
11
from data_utils.data import DataGenerator
12
from model import DeepSpeech2Model
13 14
from error_rate import wer

15
NUM_CPU = multiprocessing.cpu_count() // 2
Y
Yibing Liu 已提交
16
parser = argparse.ArgumentParser(description=__doc__)
17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 76


def add_arg(argname, type, default, help, **kwargs):
    type = distutils.util.strtobool if type == bool else type
    parser.add_argument(
        "--" + argname,
        default=default,
        type=type,
        help=help + ' Default: %(default)s.',
        **kwargs)


# yapf: disable
# configurations of overall
add_arg('num_samples',      int,    100,    "# of samples to infer.")
add_arg('trainer_count',    int,    8,      "# of Trainers (CPUs or GPUs).")
add_arg('use_gpu',          bool,   True,   "Use GPU or not.")
add_arg('error_rate_type',  str,    'wer',  "Error rate type for evaluation.",
        choices=['wer', 'cer'])
# configurations of tuning parameters
add_arg('alpha_from',       float,  0.1,    "Where alpha starts tuning from.")
add_arg('alpha_to',         float,  0.36,   "Where alpha ends tuning with.")
add_arg('num_alphas',       int,    14,     "# of alpha candidates for tuning.")
add_arg('beta_from',        float,  0.05,   "Where beta starts tuning from.")
add_arg('beta_to',          float,  0.36,   "Where beta ends tuning with.")
add_arg('num_betas',        int,    20,     "# of beta candidates for tuning.")
# configurations of decoder
add_arg('beam_size',        int,    500,    "Beam search width.")
add_arg('cutoff_prob',      float,  0.99,   "Cutoff probability for pruning.")
add_arg('parallels_bsearch',int,    NUM_CPU,"# of CPUs for beam search.")
add_arg('lang_model_path',  str,
        'lm/data/common_crawl_00.prune01111.trie.klm',
        "Filepath for language model.")
# configurations of data preprocess
add_arg('specgram_type',    str,
        'linear',
        "Audio feature type. Options: linear, mfcc.",
        choices=['linear', 'mfcc'])
# configurations of model structure
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('use_gru',          bool,   False,  "Use GRUs instead of Simple RNNs.")
add_arg('share_rnn_weights',bool,   True,   "Share input-hidden weights across "
                                            "bi-directional RNNs. Not for GRU.")
# configurations of data io
add_arg('tune_manifest',   str,
        'datasets/manifest.test',
        "Filepath of manifest to tune.")
add_arg('mean_std_path',    str,
        'mean_std.npz',
        "Filepath of normalizer's mean & std.")
add_arg('vocab_path',       str,
        'datasets/vocab/eng_vocab.txt',
        "Filepath of vocabulary.")
# configurations of model io
add_arg('model_path',       str,
        './checkpoints/params.latest.tar.gz',
        "If None, the training starts from scratch, "
        "otherwise, it resumes from the pre-trained model.")
77
args = parser.parse_args()
78
# yapf: disable
79 80 81


def tune():
Y
Yibing Liu 已提交
82
    """Tune parameters alpha and beta on one minibatch."""
83 84 85 86
    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!")
87 88

    data_generator = DataGenerator(
89 90
        vocab_filepath=args.vocab_path,
        mean_std_filepath=args.mean_std_path,
Y
Yibing Liu 已提交
91
        augmentation_config='{}',
92
        specgram_type=args.specgram_type,
93
        num_threads=1)
Y
Yibing Liu 已提交
94
    batch_reader = data_generator.batch_reader_creator(
95
        manifest_path=args.tune_manifest,
96
        batch_size=args.num_samples,
Y
Yibing Liu 已提交
97 98
        sortagrad=False,
        shuffle_method=None)
99 100 101 102
    tune_data = batch_reader().next()
    target_transcripts = [
        ''.join([data_generator.vocab_list[token] for token in transcript])
        for _, transcript in tune_data
103 104
    ]

105 106 107 108 109
    ds2_model = DeepSpeech2Model(
        vocab_size=data_generator.vocab_size,
        num_conv_layers=args.num_conv_layers,
        num_rnn_layers=args.num_rnn_layers,
        rnn_layer_size=args.rnn_layer_size,
X
Xinghai Sun 已提交
110
        use_gru=args.use_gru,
111
        pretrained_model_path=args.model_path,
112
        share_rnn_weights=args.share_rnn_weights)
113

114 115 116 117 118 119
    # 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]

120
    ## tune parameters in loop
Y
Yibing Liu 已提交
121
    for alpha, beta in params_grid:
122 123
        result_transcripts = ds2_model.infer_batch(
            infer_data=tune_data,
124
            decoder_method='ctc_beam_search',
125 126
            beam_alpha=alpha,
            beam_beta=beta,
Y
Yibing Liu 已提交
127 128
            beam_size=args.beam_size,
            cutoff_prob=args.cutoff_prob,
129
            vocab_list=data_generator.vocab_list,
130 131
            language_model_path=args.lang_model_path,
            num_processes=args.parallels_bsearch)
132 133 134 135
        wer_sum, num_ins = 0.0, 0
        for target, result in zip(target_transcripts, result_transcripts):
            wer_sum += wer(target, result)
            num_ins += 1
136
        print("alpha = %f\tbeta = %f\tWER = %f" %
137
              (alpha, beta, wer_sum / num_ins))
138 139


140 141 142 143 144 145 146
def print_arguments(args):
    print("-----------  Configuration Arguments -----------")
    for arg, value in sorted(vars(args).iteritems()):
        print("%s: %s" % (arg, value))
    print("------------------------------------------------")


147
def main():
148
    print_arguments(args)
149
    paddle.init(use_gpu=args.use_gpu, trainer_count=args.trainer_count)
150 151 152 153 154
    tune()


if __name__ == '__main__':
    main()