|
|
@ -3,6 +3,7 @@ from __future__ import absolute_import
|
|
|
|
from __future__ import division
|
|
|
|
from __future__ import division
|
|
|
|
from __future__ import print_function
|
|
|
|
from __future__ import print_function
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
import sys
|
|
|
|
import numpy as np
|
|
|
|
import numpy as np
|
|
|
|
import argparse
|
|
|
|
import argparse
|
|
|
|
import functools
|
|
|
|
import functools
|
|
|
@ -16,26 +17,30 @@ from utils.utility import add_arguments, print_arguments
|
|
|
|
parser = argparse.ArgumentParser(description=__doc__)
|
|
|
|
parser = argparse.ArgumentParser(description=__doc__)
|
|
|
|
add_arg = functools.partial(add_arguments, argparser=parser)
|
|
|
|
add_arg = functools.partial(add_arguments, argparser=parser)
|
|
|
|
# yapf: disable
|
|
|
|
# yapf: disable
|
|
|
|
add_arg('num_samples', int, 100, "# of samples to infer.")
|
|
|
|
add_arg('num_batches', int, -1, "# of batches tuning on. "
|
|
|
|
add_arg('trainer_count', int, 8, "# of Trainers (CPUs or GPUs).")
|
|
|
|
"Default -1, on whole dev set.")
|
|
|
|
add_arg('beam_size', int, 500, "Beam search width.")
|
|
|
|
add_arg('batch_size', int, 256, "# of samples per batch.")
|
|
|
|
add_arg('num_proc_bsearch', int, 12, "# of CPUs for beam search.")
|
|
|
|
add_arg('trainer_count', int, 8, "# of Trainers (CPUs or GPUs).")
|
|
|
|
add_arg('num_conv_layers', int, 2, "# of convolution layers.")
|
|
|
|
add_arg('beam_size', int, 500, "Beam search width.")
|
|
|
|
add_arg('num_rnn_layers', int, 3, "# of recurrent layers.")
|
|
|
|
add_arg('num_proc_bsearch', int, 12, "# of CPUs for beam search.")
|
|
|
|
add_arg('rnn_layer_size', int, 2048, "# of recurrent cells per layer.")
|
|
|
|
add_arg('num_conv_layers', int, 2, "# of convolution layers.")
|
|
|
|
add_arg('num_alphas', int, 14, "# of alpha candidates for tuning.")
|
|
|
|
add_arg('num_rnn_layers', int, 3, "# of recurrent layers.")
|
|
|
|
add_arg('num_betas', int, 20, "# of beta candidates for tuning.")
|
|
|
|
add_arg('rnn_layer_size', int, 2048, "# of recurrent cells per layer.")
|
|
|
|
add_arg('alpha_from', float, 0.1, "Where alpha starts tuning from.")
|
|
|
|
add_arg('num_alphas', int, 45, "# of alpha candidates for tuning.")
|
|
|
|
add_arg('alpha_to', float, 0.36, "Where alpha ends tuning with.")
|
|
|
|
add_arg('num_betas', int, 8, "# of beta candidates for tuning.")
|
|
|
|
add_arg('beta_from', float, 0.05, "Where beta starts tuning from.")
|
|
|
|
add_arg('alpha_from', float, 1.0, "Where alpha starts tuning from.")
|
|
|
|
add_arg('beta_to', float, 1.0, "Where beta ends tuning with.")
|
|
|
|
add_arg('alpha_to', float, 3.2, "Where alpha ends tuning with.")
|
|
|
|
add_arg('cutoff_prob', float, 0.99, "Cutoff probability for pruning.")
|
|
|
|
add_arg('beta_from', float, 0.1, "Where beta starts tuning from.")
|
|
|
|
add_arg('use_gru', bool, False, "Use GRUs instead of simple RNNs.")
|
|
|
|
add_arg('beta_to', float, 0.45, "Where beta ends tuning with.")
|
|
|
|
add_arg('use_gpu', bool, True, "Use GPU or not.")
|
|
|
|
add_arg('cutoff_prob', float, 1.0, "Cutoff probability for pruning.")
|
|
|
|
add_arg('share_rnn_weights',bool, True, "Share input-hidden weights across "
|
|
|
|
add_arg('cutoff_top_n', int, 40, "Cutoff number for pruning.")
|
|
|
|
"bi-directional RNNs. Not for GRU.")
|
|
|
|
add_arg('output_fig', bool, True, "Output error rate figure or not.")
|
|
|
|
|
|
|
|
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('tune_manifest', str,
|
|
|
|
add_arg('tune_manifest', str,
|
|
|
|
'data/librispeech/manifest.dev',
|
|
|
|
'data/librispeech/manifest.dev-clean',
|
|
|
|
"Filepath of manifest to tune.")
|
|
|
|
"Filepath of manifest to tune.")
|
|
|
|
add_arg('mean_std_path', str,
|
|
|
|
add_arg('mean_std_path', str,
|
|
|
|
'data/librispeech/mean_std.npz',
|
|
|
|
'data/librispeech/mean_std.npz',
|
|
|
@ -61,6 +66,23 @@ add_arg('specgram_type', str,
|
|
|
|
# yapf: disable
|
|
|
|
# yapf: disable
|
|
|
|
args = parser.parse_args()
|
|
|
|
args = parser.parse_args()
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
def plot_error_surface(params_grid, err_ave, fig_name):
|
|
|
|
|
|
|
|
import matplotlib.pyplot as plt
|
|
|
|
|
|
|
|
import mpl_toolkits.mplot3d as Axes3D
|
|
|
|
|
|
|
|
fig = plt.figure()
|
|
|
|
|
|
|
|
ax = Axes3D(fig)
|
|
|
|
|
|
|
|
alphas = [ param[0] for param in params_grid ]
|
|
|
|
|
|
|
|
betas = [ param[1] for param in params_grid]
|
|
|
|
|
|
|
|
ALPHAS = np.reshape(alphas, (args.num_alphas, args.num_betas))
|
|
|
|
|
|
|
|
BETAS = np.reshape(betas, (args.num_alphas, args.num_betas))
|
|
|
|
|
|
|
|
ERR_AVE = np.reshape(err_ave, (args.num_alphas, args.num_betas))
|
|
|
|
|
|
|
|
ax.plot_surface(ALPHAS, BETAS, WERS,
|
|
|
|
|
|
|
|
rstride=1, cstride=1, alpha=0.8, cmap='rainbow')
|
|
|
|
|
|
|
|
ax.set_xlabel('alpha')
|
|
|
|
|
|
|
|
ax.set_ylabel('beta')
|
|
|
|
|
|
|
|
z_label = 'WER' if args.error_rate_type == 'wer' else 'CER'
|
|
|
|
|
|
|
|
ax.set_zlabel(z_label)
|
|
|
|
|
|
|
|
plt.savefig(fig_name)
|
|
|
|
|
|
|
|
|
|
|
|
def tune():
|
|
|
|
def tune():
|
|
|
|
"""Tune parameters alpha and beta on one minibatch."""
|
|
|
|
"""Tune parameters alpha and beta on one minibatch."""
|
|
|
@ -77,7 +99,7 @@ def tune():
|
|
|
|
num_threads=1)
|
|
|
|
num_threads=1)
|
|
|
|
batch_reader = data_generator.batch_reader_creator(
|
|
|
|
batch_reader = data_generator.batch_reader_creator(
|
|
|
|
manifest_path=args.tune_manifest,
|
|
|
|
manifest_path=args.tune_manifest,
|
|
|
|
batch_size=args.num_samples,
|
|
|
|
batch_size=args.batch_size,
|
|
|
|
sortagrad=False,
|
|
|
|
sortagrad=False,
|
|
|
|
shuffle_method=None)
|
|
|
|
shuffle_method=None)
|
|
|
|
tune_data = batch_reader().next()
|
|
|
|
tune_data = batch_reader().next()
|
|
|
@ -95,31 +117,80 @@ def tune():
|
|
|
|
pretrained_model_path=args.model_path,
|
|
|
|
pretrained_model_path=args.model_path,
|
|
|
|
share_rnn_weights=args.share_rnn_weights)
|
|
|
|
share_rnn_weights=args.share_rnn_weights)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
# decoders only accept string encoded in utf-8
|
|
|
|
|
|
|
|
vocab_list = [chars.encode("utf-8") for chars in data_generator.vocab_list]
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
error_rate_func = cer if args.error_rate_type == 'cer' else wer
|
|
|
|
# create grid for search
|
|
|
|
# create grid for search
|
|
|
|
cand_alphas = np.linspace(args.alpha_from, args.alpha_to, args.num_alphas)
|
|
|
|
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)
|
|
|
|
cand_betas = np.linspace(args.beta_from, args.beta_to, args.num_betas)
|
|
|
|
params_grid = [(alpha, beta) for alpha in cand_alphas
|
|
|
|
params_grid = [(alpha, beta) for alpha in cand_alphas
|
|
|
|
for beta in cand_betas]
|
|
|
|
for beta in cand_betas]
|
|
|
|
|
|
|
|
|
|
|
|
## tune parameters in loop
|
|
|
|
err_sum = [0.0 for i in xrange(len(params_grid))]
|
|
|
|
for alpha, beta in params_grid:
|
|
|
|
err_ave = [0.0 for i in xrange(len(params_grid))]
|
|
|
|
result_transcripts = ds2_model.infer_batch(
|
|
|
|
num_ins, cur_batch = 0, 0
|
|
|
|
infer_data=tune_data,
|
|
|
|
## incremental tuning parameters over multiple batches
|
|
|
|
decoding_method='ctc_beam_search',
|
|
|
|
for infer_data in batch_reader():
|
|
|
|
beam_alpha=alpha,
|
|
|
|
if (args.num_batches >= 0) and (cur_batch >= args.num_batches):
|
|
|
|
beam_beta=beta,
|
|
|
|
break
|
|
|
|
beam_size=args.beam_size,
|
|
|
|
|
|
|
|
cutoff_prob=args.cutoff_prob,
|
|
|
|
target_transcripts = [
|
|
|
|
vocab_list=data_generator.vocab_list,
|
|
|
|
''.join([data_generator.vocab_list[token] for token in transcript])
|
|
|
|
language_model_path=args.lang_model_path,
|
|
|
|
for _, transcript in infer_data
|
|
|
|
num_processes=args.num_proc_bsearch)
|
|
|
|
]
|
|
|
|
wer_sum, num_ins = 0.0, 0
|
|
|
|
|
|
|
|
for target, result in zip(target_transcripts, result_transcripts):
|
|
|
|
num_ins += len(target_transcripts)
|
|
|
|
wer_sum += wer(target, result)
|
|
|
|
# grid search
|
|
|
|
num_ins += 1
|
|
|
|
for index, (alpha, beta) in enumerate(params_grid):
|
|
|
|
print("alpha = %f\tbeta = %f\tWER = %f" %
|
|
|
|
result_transcripts = ds2_model.infer_batch(
|
|
|
|
(alpha, beta, wer_sum / num_ins))
|
|
|
|
infer_data=infer_data,
|
|
|
|
|
|
|
|
decoding_method='ctc_beam_search',
|
|
|
|
|
|
|
|
beam_alpha=alpha,
|
|
|
|
|
|
|
|
beam_beta=beta,
|
|
|
|
|
|
|
|
beam_size=args.beam_size,
|
|
|
|
|
|
|
|
cutoff_prob=args.cutoff_prob,
|
|
|
|
|
|
|
|
cutoff_top_n=args.cutoff_top_n,
|
|
|
|
|
|
|
|
vocab_list=vocab_list,
|
|
|
|
|
|
|
|
language_model_path=args.lang_model_path,
|
|
|
|
|
|
|
|
num_processes=args.num_proc_bsearch)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
for target, result in zip(target_transcripts, result_transcripts):
|
|
|
|
|
|
|
|
err_sum[index] += error_rate_func(target, result)
|
|
|
|
|
|
|
|
err_ave[index] = err_sum[index] / num_ins
|
|
|
|
|
|
|
|
# print("alpha = %f, beta = %f, WER = %f" %
|
|
|
|
|
|
|
|
# (alpha, beta, err_ave[index]))
|
|
|
|
|
|
|
|
if index % 10 == 0:
|
|
|
|
|
|
|
|
sys.stdout.write('.')
|
|
|
|
|
|
|
|
sys.stdout.flush()
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
# output on-line tuning result at the the end of current batch
|
|
|
|
|
|
|
|
err_ave_min = min(err_ave)
|
|
|
|
|
|
|
|
min_index = err_ave.index(err_ave_min)
|
|
|
|
|
|
|
|
print("\nBatch %d, opt.(alpha, beta) = (%f, %f), min. error_rate = %f"
|
|
|
|
|
|
|
|
%(cur_batch, params_grid[min_index][0],
|
|
|
|
|
|
|
|
params_grid[min_index][1], err_ave_min))
|
|
|
|
|
|
|
|
cur_batch += 1
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
# output WER/CER at every point
|
|
|
|
|
|
|
|
print("\nerror rate at each point:\n")
|
|
|
|
|
|
|
|
for index in xrange(len(params_grid)):
|
|
|
|
|
|
|
|
print("(%f, %f), error_rate = %f"
|
|
|
|
|
|
|
|
% (params_grid[index][0], params_grid[index][1], err_ave[index]))
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
err_ave_min = min(err_ave)
|
|
|
|
|
|
|
|
min_index = err_ave.index(err_ave_min)
|
|
|
|
|
|
|
|
print("\nTuning on %d batches, opt. (alpha, beta) = (%f, %f)"
|
|
|
|
|
|
|
|
% (args.num_batches, params_grid[min_index][0],
|
|
|
|
|
|
|
|
params_grid[min_index][1]))
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
if args.output_fig == True:
|
|
|
|
|
|
|
|
fig_name = ("error_surface_alphas_%d_betas_%d" %
|
|
|
|
|
|
|
|
(args.num_alphas, args.num_betas))
|
|
|
|
|
|
|
|
plot_error_surface(params_grid, err_ave, fig_name)
|
|
|
|
|
|
|
|
ds2_model.logger.info("output figure %s" % fig_name)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
ds2_model.logger.info("finish inference")
|
|
|
|
|
|
|
|
|
|
|
|
def main():
|
|
|
|
def main():
|
|
|
|
print_arguments(args)
|
|
|
|
print_arguments(args)
|
|
|
|