CTC decode 代码示例 python 实现

"""
This is an example CTC decoder written in Python. The code is
intended to be a simple example and is not designed to be
especially efficient.
The algorithm is a prefix beam search for a model trained
with the CTC loss function.
For more details checkout either of these references:
  https://distill.pub/2017/ctc/#inference
  https://arxiv.org/abs/1408.2873
"""

import numpy as np
import math
import collections

NEG_INF = -float("inf")


def make_new_beam():
    fn = lambda: (NEG_INF, NEG_INF)
    return collections.defaultdict(fn)


def logsumexp(*args):
    """
    Stable log sum exp.
    """
    if all(a == NEG_INF for a in args):
        return NEG_INF
    a_max = max(args)
    lsp = math.log(sum(math.exp(a - a_max)
                       for a in args))
    return a_max + lsp


def decode(probs, beam_size=100, blank=0):
    """
    Performs inference for the given output probabilities.
    Arguments:
        probs: The output probabilities (e.g. post-softmax) for each
          time step. Should be an array of shape (time x output dim).
        beam_size (int): Size of the beam to use during inference.
        blank (int): Index of the CTC blank label.
    Returns the output label sequence and the corresponding negative
    log-likelihood estimated by the decoder.
    """
    T, S = probs.shape
    probs = np.log(probs)

    # Elements in the beam are (prefix, (p_blank, p_no_blank))
    # Initialize the beam with the empty sequence, a probability of
    # 1 for ending in blank and zero for ending in non-blank
    # (in log space).
    beam = [(tuple(), (0.0, NEG_INF))]

    for t in range(T):  # Loop over time

        # A default dictionary to store the next step candidates.
        next_beam = make_new_beam()

        for s in range(S):  # Loop over vocab
            p = probs[t, s]

            # The variables p_b and p_nb are respectively the
            # probabilities for the prefix given that it ends in a
            # blank and does not end in a blank at this time step.
            for prefix, (p_b, p_nb) in beam:  # Loop over beam

                # If we propose a blank the prefix doesn't change.
                # Only the probability of ending in blank gets updated.
                if s == blank:
                    n_p_b, n_p_nb = next_beam[prefix]
                    n_p_b = logsumexp(n_p_b, p_b + p, p_nb + p)
                    next_beam[prefix] = (n_p_b, n_p_nb)
                    continue

                # Extend the prefix by the new character s and add it to
                # the beam. Only the probability of not ending in blank
                # gets updated.
                end_t = prefix[-1] if prefix else None
                n_prefix = prefix + (s,)
                n_p_b, n_p_nb = next_beam[n_prefix]
                if s != end_t:
                    n_p_nb = logsumexp(n_p_nb, p_b + p, p_nb + p)
                else:
                    # We don't include the previous probability of not ending
                    # in blank (p_nb) if s is repeated at the end. The CTC
                    # algorithm merges characters not separated by a blank.
                    n_p_nb = logsumexp(n_p_nb, p_b + p)

                # *NB* this would be a good place to include an LM score.
                next_beam[n_prefix] = (n_p_b, n_p_nb)

                # If s is repeated at the end we also update the unchanged
                # prefix. This is the merging case.
                if s == end_t:
                    n_p_b, n_p_nb = next_beam[prefix]
                    n_p_nb = logsumexp(n_p_nb, p_nb + p)
                    next_beam[prefix] = (n_p_b, n_p_nb)

        # Sort and trim the beam before moving on to the
        # next time-step.
        beam = sorted(next_beam.items(),
                      key=lambda x: logsumexp(*x[1]),
                      reverse=True)
        beam = beam[:beam_size]

    best = beam[0]
    return best[0], -logsumexp(*best[1])


if __name__ == "__main__":
    np.random.seed(3)

    time = 50
    output_dim = 20

    probs = np.random.rand(time, output_dim)
    probs = probs / np.sum(probs, axis=1, keepdims=True)

    labels, score = decode(probs)
    print("Score {:.3f}".format(score))
CNN-LSTM-CTC模型是一种常用的端到端语音识别模型,其主要思想是将卷积神经网络(CNN)和长短时记忆网络(LSTM)结合起来用于特征提取和序列建模,并使用连接时序分类器(CTC)用于解码。 以下是一个简单的Python代码实现CNN-LSTM-CTC模型的示例: ```python import tensorflow as tf # 定义CNN部分 def cnn_layers(inputs): conv1 = tf.layers.conv2d(inputs=inputs, filters=32, kernel_size=[3, 3], padding="same", activation=tf.nn.relu) pool1 = tf.layers.max_pooling2d(inputs=conv1, pool_size=[2, 2], strides=2) conv2 = tf.layers.conv2d(inputs=pool1, filters=64, kernel_size=[3, 3], padding="same", activation=tf.nn.relu) pool2 = tf.layers.max_pooling2d(inputs=conv2, pool_size=[2, 2], strides=2) return pool2 # 定义LSTM部分 def lstm_layers(inputs, seq_len, num_hidden): lstm_cell = tf.nn.rnn_cell.LSTMCell(num_hidden) outputs, _ = tf.nn.dynamic_rnn(lstm_cell, inputs, sequence_length=seq_len, dtype=tf.float32) return outputs # 定义CTC部分 def ctc_layers(inputs, seq_len, num_classes): logits = tf.layers.dense(inputs, num_classes, activation=None) logit_seq_len = tf.fill([tf.shape(inputs)[0]], tf.shape(inputs)[1]) outputs = tf.nn.ctc_beam_search_decoder(logits, logit_seq_len, beam_width=100, top_paths=1)[0][0] return outputs # 定义整个模型 def cnn_lstm_ctc_model(inputs, seq_len, num_hidden, num_classes): cnn_outputs = cnn_layers(inputs) cnn_outputs_shape = tf.shape(cnn_outputs) lstm_inputs = tf.reshape(cnn_outputs, [cnn_outputs_shape[0], cnn_outputs_shape[1], cnn_outputs_shape[2] * cnn_outputs_shape[3]]) lstm_outputs = lstm_layers(lstm_inputs, seq_len, num_hidden) ctc_outputs = ctc_layers(lstm_outputs, seq_len, num_classes) return ctc_outputs # 定义输入和输出 inputs = tf.placeholder(tf.float32, [None, None, None, 1]) seq_len = tf.placeholder(tf.int32, [None]) labels = tf.sparse_placeholder(tf.int32) # 设置超参数 num_hidden = 128 num_classes = 10 # 定义模型 logits = cnn_lstm_ctc_model(inputs, seq_len, num_hidden, num_classes) # 定义损失函数 loss = tf.reduce_mean(tf.nn.ctc_loss(labels, logits, seq_len)) # 定义优化器 optimizer = tf.train.AdamOptimizer().minimize(loss) # 定义准确率 decoded, _ = tf.nn.ctc_beam_search_decoder(logits, seq_len, beam_width=100, top_paths=1) dense_decoded = tf.sparse_tensor_to_dense(decoded[0], default_value=-1) accuracy = tf.reduce_mean(tf.edit_distance(tf.cast(decoded[0], tf.int32), labels)) # 训练模型 with tf.Session() as sess: sess.run(tf.global_variables_initializer()) for i in range(num_iterations): batch_inputs, batch_seq_len, batch_labels = get_next_batch(batch_size) feed = {inputs: batch_inputs, seq_len: batch_seq_len, labels: batch_labels} _, loss_val, acc_val = sess.run([optimizer, loss, accuracy], feed_dict=feed) ``` 请注意,此代码示例仅用于说明CNN-LSTM-CTC模型的基本实现。实际上,要使用此模型进行语音识别,您需要使用适当的数据集和预处理步骤,并对模型进行调整和优化,以提高其性能。
评论 2
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值