OpenSeq2Seq
Introduction
Installation Instructions
Using Existing Models
Multi-GPU and Distributed Training
Mixed Precision Training
Optimizers
Speech Recognition
Speech Commands
Speech Synthesis
Machine Translation
Language Model
Sentiment Analysis
Image Classification
Interactive Infer Mode
Adding new models
API documentation
OpenSeq2Seq
Docs
»
Index
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
L
|
M
|
N
|
O
|
P
|
R
|
S
|
T
|
U
|
W
|
Z
_
__init__() (data.data_layer.DataLayer method)
(data.speech2text.speech2text.Speech2TextDataLayer method)
(data.speech2text.speech_commands.SpeechCommandsDataLayer method)
(data.text2speech.text2speech.Text2SpeechDataLayer method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer method)
(data.text2text.tokenizer.Subtokenizer method)
(decoders.centaur_decoder.CentaurDecoder method)
(decoders.decoder.Decoder method)
(decoders.fc_decoders.FullyConnectedCTCDecoder method)
(decoders.fc_decoders.FullyConnectedDecoder method)
(decoders.fc_decoders.FullyConnectedSCDecoder method)
(decoders.fc_decoders.FullyConnectedTimeDecoder method)
(decoders.rnn_decoders.BeamSearchRNNDecoderWithAttention method)
(decoders.rnn_decoders.RNNDecoderWithAttention method)
(decoders.tacotron2_decoder.Prenet method)
(decoders.tacotron2_decoder.Tacotron2Decoder method)
(encoders.centaur_encoder.CentaurEncoder method)
(encoders.cnn_encoder.CNNEncoder method)
(encoders.ds2_encoder.DeepSpeech2Encoder method)
(encoders.encoder.Encoder method)
(encoders.rnn_encoders.BidirectionalRNNEncoderWithEmbedding method)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding method)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding_cuDNN method)
(encoders.rnn_encoders.UnidirectionalRNNEncoderWithEmbedding method)
(encoders.tacotron2_encoder.Tacotron2Encoder method)
(encoders.tdnn_encoder.TDNNEncoder method)
(encoders.wavenet_encoder.WavenetEncoder method)
(losses.ctc_loss.CTCLoss method)
(losses.loss.Loss method)
(losses.sequence_loss.BasicSampledSequenceLoss method)
(losses.sequence_loss.BasicSequenceLoss method)
(losses.sequence_loss.CrossEntropyWithSmoothing method)
(models.encoder_decoder.EncoderDecoderModel method)
(models.model.Model method)
(parts.centaur.attention.AttentionBlock method)
(parts.centaur.conv_block.ConvBlock method)
(parts.centaur.prenet.Prenet method)
(parts.convs2s.attention_wn_layer.AttentionLayerNormalized method)
(parts.convs2s.conv_wn_layer.Conv1DNetworkNormalized method)
(parts.convs2s.ffn_wn_layer.FeedFowardNetworkNormalized method)
(parts.rnns.attention_wrapper.AttentionWrapper method)
(parts.rnns.attention_wrapper.BahdanauAttention method)
(parts.rnns.attention_wrapper.BahdanauMonotonicAttention method)
(parts.rnns.attention_wrapper.LocationSensitiveAttention method)
(parts.rnns.attention_wrapper.LuongAttention method)
(parts.rnns.attention_wrapper.LuongMonotonicAttention method)
(parts.rnns.flstm.FLSTMCell method)
(parts.rnns.glstm.GLSTMCell method)
(parts.rnns.gnmt.GNMTAttentionMultiCell method)
(parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder method)
(parts.rnns.slstm.BasicSLSTMCell method)
(parts.tacotron.tacotron_decoder.TacotronDecoder method)
(parts.tacotron.tacotron_helper.TacotronHelper method)
(parts.tacotron.tacotron_helper.TacotronTrainingHelper method)
(utils.hooks.BroadcastGlobalVariablesHook method)
_aspect_preserving_resize() (in module data.image2label.imagenet_preprocessing)
_batch_examples() (in module data.text2text.t2t)
_build_attention() (decoders.rnn_decoders.RNNDecoderWithAttention method)
(decoders.tacotron2_decoder.Tacotron2Decoder method)
_build_forward_pass_graph() (models.encoder_decoder.EncoderDecoderModel method)
(models.model.Model method)
(models.speech2text.Speech2Text method)
_cast_types() (decoders.decoder.Decoder method)
(encoders.encoder.Encoder method)
(losses.loss.Loss method)
_central_crop() (in module data.image2label.imagenet_preprocessing)
_clip_by_global_norm() (in module optimizers.optimizers)
_clip_gradients_by_norm() (in module optimizers.optimizers)
_compute_loss() (losses.ctc_loss.CTCLoss method)
(losses.loss.Loss method)
(losses.sequence_loss.BasicSampledSequenceLoss method)
(losses.sequence_loss.BasicSequenceLoss method)
(losses.sequence_loss.CrossEntropyWithSmoothing method)
(losses.text2speech_loss.Text2SpeechLoss method)
(losses.wavenet_loss.WavenetLoss method)
_continue_search() (parts.transformer.beam_search.SequenceBeamSearch method)
_convert_outputs() (decoders.centaur_decoder.CentaurDecoder static method)
_count_and_gen_subtokens() (in module data.text2text.tokenizer)
_count_tokens() (in module data.text2text.tokenizer)
_create_decoder() (models.encoder_decoder.EncoderDecoderModel method)
_create_encoder() (models.encoder_decoder.EncoderDecoderModel method)
_create_initial_state() (parts.transformer.beam_search.SequenceBeamSearch method)
_create_loss() (models.encoder_decoder.EncoderDecoderModel method)
_create_min_max_boundaries() (in module data.text2text.t2t)
_decode() (decoders.decoder.Decoder method)
(decoders.fc_decoders.FullyConnectedDecoder method)
(decoders.fc_decoders.FullyConnectedSCDecoder method)
(decoders.fc_decoders.FullyConnectedTimeDecoder method)
(decoders.rnn_decoders.BeamSearchRNNDecoderWithAttention method)
(decoders.rnn_decoders.RNNDecoderWithAttention method)
(decoders.tacotron2_decoder.Tacotron2Decoder method)
_decode_crop_and_flip() (in module data.image2label.imagenet_preprocessing)
_embed_style() (encoders.tacotron2_encoder.Tacotron2Encoder method)
_encode() (encoders.ds2_encoder.DeepSpeech2Encoder method)
(encoders.encoder.Encoder method)
(encoders.rnn_encoders.BidirectionalRNNEncoderWithEmbedding method)
(encoders.rnn_encoders.UnidirectionalRNNEncoderWithEmbedding method)
(encoders.tacotron2_encoder.Tacotron2Encoder method)
(encoders.tdnn_encoder.TDNNEncoder method)
(encoders.wavenet_encoder.WavenetEncoder method)
_escape_token() (in module data.text2text.tokenizer)
_expand() (decoders.centaur_decoder.CentaurDecoder static method)
_expand_to_beam_size() (in module parts.transformer.beam_search)
_filter_and_bucket_subtokens() (in module data.text2text.tokenizer)
_filter_max_length() (in module data.text2text.t2t)
_flatten_beam_dim() (in module parts.transformer.beam_search)
_gather_beams() (in module parts.transformer.beam_search)
_gather_topk_beams() (in module parts.transformer.beam_search)
_gen_new_subtoken_list() (in module data.text2text.tokenizer)
_generate_alphabet_dict() (in module data.text2text.tokenizer)
_generate_subtokens() (in module data.text2text.tokenizer)
_generate_subtokens_with_target_vocab_size() (in module data.text2text.tokenizer)
_get_audio() (data.speech2text.speech2text.Speech2TextDataLayer method)
_get_example_length() (in module data.text2text.t2t)
_get_input_for_group() (parts.rnns.glstm.GLSTMCell method)
_get_new_alive_state() (parts.transformer.beam_search.SequenceBeamSearch method)
_get_new_finished_state() (parts.transformer.beam_search.SequenceBeamSearch method)
_get_num_objects_per_step() (models.image2label.Image2Label method)
(models.model.Model method)
(models.speech2text.Speech2Text method)
(models.text2text.Text2Text method)
_get_symbols_to_logits_fn() (decoders.convs2s_decoder.ConvS2SDecoder method)
(decoders.transformer_decoder.TransformerDecoder method)
_grow_alive_seq() (parts.transformer.beam_search.SequenceBeamSearch method)
_inference_cond() (decoders.centaur_decoder.CentaurDecoder method)
_inference_initial_state() (decoders.centaur_decoder.CentaurDecoder method)
_inference_step() (decoders.centaur_decoder.CentaurDecoder method)
_item_or_tuple() (parts.rnns.attention_wrapper.AttentionWrapper method)
_length_normalization() (in module parts.transformer.beam_search)
_linear() (in module parts.rnns.slstm)
_list_to_index_dict() (in module data.text2text.tokenizer)
_load_records() (in module data.text2text.t2t)
_load_vocab_file() (in module data.text2text.tokenizer)
_maybe_merge_batch_beams() (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder method)
_maybe_split_batch_beams() (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder method)
_mean_image_subtraction_and_normalization() (in module data.image2label.imagenet_preprocessing)
_merge_batch_beams() (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder method)
_native_to_unicode() (in module data.text2text.tokenizer)
_parse_audio_element() (data.speech2text.speech2text.Speech2TextDataLayer method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer method)
_parse_audio_transcript_element() (data.speech2text.speech2text.Speech2TextDataLayer method)
(data.text2speech.text2speech.Text2SpeechDataLayer method)
_parse_example() (in module data.text2text.t2t)
_parse_example_proto() (in module data.image2label.imagenet_preprocessing)
_parse_transcript_element() (data.text2speech.text2speech.Text2SpeechDataLayer method)
_positional_encoding() (decoders.centaur_decoder.CentaurDecoder static method)
_read_and_batch_from_files() (in module data.text2text.t2t)
_resize_image() (in module data.image2label.imagenet_preprocessing)
_save_vocab_file() (in module data.text2text.tokenizer)
_search_step() (parts.transformer.beam_search.SequenceBeamSearch method)
_shape_list() (in module parts.transformer.beam_search)
_shrink() (decoders.centaur_decoder.CentaurDecoder static method)
_smallest_size_at_least() (in module data.image2label.imagenet_preprocessing)
_split_batch_beams() (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder method)
_split_string_to_tokens() (in module data.text2text.tokenizer)
_split_token_to_subtokens() (in module data.text2text.tokenizer)
_StateKeys (class in parts.transformer.beam_search)
_subtoken_ids_to_tokens() (data.text2text.tokenizer.Subtokenizer method)
_token_to_subtoken_ids() (data.text2text.tokenizer.Subtokenizer method)
_unflatten_beam_dim() (in module parts.transformer.beam_search)
_unicode_to_native() (in module data.text2text.tokenizer)
A
add_regularization() (decoders.tacotron2_decoder.Prenet method)
after_create_session() (utils.hooks.BroadcastGlobalVariablesHook method)
after_run() (utils.hooks.PrintLossAndTimeHook method)
(utils.hooks.PrintSamplesHook method)
(utils.hooks.RunEvaluationHook method)
alignments_size (parts.rnns.attention_wrapper.AttentionMechanism attribute)
ALIVE_CACHE (parts.transformer.beam_search._StateKeys attribute)
ALIVE_LOG_PROBS (parts.transformer.beam_search._StateKeys attribute)
ALIVE_SEQ (parts.transformer.beam_search._StateKeys attribute)
apply_gradients() (optimizers.mp_wrapper.MixedPrecisionOptimizerWrapper method)
array_to_string() (in module utils.utils)
Attention (class in parts.transformer.attention_layer)
AttentionBlock (class in parts.centaur.attention)
AttentionLayerNormalized (class in parts.convs2s.attention_wn_layer)
AttentionMechanism (class in parts.rnns.attention_wrapper)
AttentionWrapper (class in parts.rnns.attention_wrapper)
AttentionWrapperState (class in parts.rnns.attention_wrapper)
augment_audio_signal() (in module data.speech2text.speech_utils)
AutomaticLossScaler (class in optimizers.automatic_loss_scaler)
B
BackoffScaler (class in optimizers.automatic_loss_scaler)
BahdanauAttention (class in parts.rnns.attention_wrapper)
BahdanauMonotonicAttention (class in parts.rnns.attention_wrapper)
BasicDecoderOutput (class in parts.tacotron.tacotron_decoder)
BasicSampledSequenceLoss (class in losses.sequence_loss)
BasicSequenceLoss (class in losses.sequence_loss)
BasicSLSTMCell (class in parts.rnns.slstm)
batch_norm() (in module encoders.resnet_blocks)
batch_size (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder attribute)
(parts.tacotron.tacotron_decoder.TacotronDecoder attribute)
(parts.tacotron.tacotron_helper.TacotronHelper attribute)
(parts.tacotron.tacotron_helper.TacotronTrainingHelper attribute)
BatchNorm1D (class in parts.centaur.batch_norm)
BeamSearchDecoder (class in parts.rnns.rnn_beam_search_decoder)
BeamSearchDecoderOutput (class in parts.rnns.rnn_beam_search_decoder)
BeamSearchDecoderState (class in parts.rnns.rnn_beam_search_decoder)
BeamSearchRNNDecoderWithAttention (class in decoders.rnn_decoders)
before_run() (utils.hooks.PrintLossAndTimeHook method)
(utils.hooks.PrintSamplesHook method)
(utils.hooks.RunEvaluationHook method)
begin() (utils.hooks.BroadcastGlobalVariablesHook method)
(utils.hooks.PrintLossAndTimeHook method)
(utils.hooks.PrintSamplesHook method)
(utils.hooks.RunEvaluationHook method)
BidirectionalRNNEncoderWithEmbedding (class in encoders.rnn_encoders)
block_layer() (in module encoders.resnet_blocks)
bottleneck_block_v1() (in module encoders.resnet_blocks)
bottleneck_block_v2() (in module encoders.resnet_blocks)
BroadcastGlobalVariablesHook (class in utils.hooks)
build() (parts.transformer.common.LayerNormalization method)
(parts.transformer.embedding_layer.EmbeddingSharedWeights method)
build_graph() (data.data_layer.DataLayer method)
(data.image2label.image2label.CifarDataLayer method)
(data.image2label.image2label.ImagenetDataLayer method)
(data.speech2text.speech2text.Speech2TextDataLayer method)
(data.speech2text.speech_commands.SpeechCommandsDataLayer method)
(data.text2speech.text2speech.Text2SpeechDataLayer method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer method)
(data.text2text.text2text.ParallelTextDataLayer method)
(data.text2text.text2text.TransformerDataLayer method)
build_layer() (in module encoders.cnn_encoder)
build_trt_forward_pass_graph() (models.model.Model method)
building_block_v1() (in module encoders.resnet_blocks)
building_block_v2() (in module encoders.resnet_blocks)
C
calculate_bleu() (in module models.text2text)
call() (parts.convs2s.attention_wn_layer.AttentionLayerNormalized method)
(parts.convs2s.conv_wn_layer.Conv1DNetworkNormalized method)
(parts.convs2s.ffn_wn_layer.FeedFowardNetworkNormalized method)
(parts.rnns.attention_wrapper.AttentionWrapper method)
(parts.rnns.flstm.FLSTMCell method)
(parts.rnns.glstm.GLSTMCell method)
(parts.rnns.slstm.BasicSLSTMCell method)
(parts.transformer.attention_layer.Attention method)
(parts.transformer.attention_layer.SelfAttention method)
(parts.transformer.common.LayerNormalization method)
(parts.transformer.common.Transformer_BatchNorm method)
(parts.transformer.embedding_layer.EmbeddingSharedWeights method)
(parts.transformer.ffn_layer.FeedFowardNetwork method)
cast_types() (in module utils.utils)
causal_conv_bn_actv() (in module encoders.wavenet_encoder)
CentaurDecoder (class in decoders.centaur_decoder)
CentaurEncoder (class in encoders.centaur_encoder)
check_base_model_logdir() (in module utils.utils)
check_grads() (optimizers.automatic_loss_scaler.AutomaticLossScaler static method)
check_logdir() (in module utils.utils)
check_params() (in module utils.utils)
CifarDataLayer (class in data.image2label.image2label)
clip_last_batch() (in module utils.utils)
(models.model.Model method)
clip_sparse() (in module utils.utils)
clone() (parts.rnns.attention_wrapper.AttentionWrapperState method)
CNNEncoder (class in encoders.cnn_encoder)
collect_if_horovod() (in module utils.utils)
combine_heads() (parts.transformer.attention_layer.Attention method)
compile() (models.model.Model method)
compute_gradients() (optimizers.mp_wrapper.MixedPrecisionOptimizerWrapper method)
compute_loss() (losses.loss.Loss method)
Conv1DNetworkNormalized (class in parts.convs2s.conv_wn_layer)
conv2d_fixed_padding() (in module encoders.resnet_blocks)
conv_1x1() (in module encoders.wavenet_encoder)
conv_actv() (in module parts.cnns.conv_blocks)
conv_bn_actv() (in module parts.cnns.conv_blocks)
conv_bn_res_bn_actv() (in module parts.cnns.conv_blocks)
conv_in_actv() (in module parts.cnns.conv_blocks)
conv_ln_actv() (in module parts.cnns.conv_blocks)
ConvBlock (class in parts.centaur.conv_block)
ConvS2SDecoder (class in decoders.convs2s_decoder)
ConvS2SEncoder (class in encoders.convs2s_encoder)
create() (parts.centaur.conv_block.ConvBlock static method)
create_feed_dict() (data.data_layer.DataLayer method)
(data.speech2text.speech2text.Speech2TextDataLayer method)
(data.text2speech.text2speech.Text2SpeechDataLayer method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer method)
(data.text2text.text2text.ParallelTextDataLayer method)
create_interactive_placeholders() (data.data_layer.DataLayer method)
(data.speech2text.speech2text.Speech2TextDataLayer method)
(data.text2speech.text2speech.Text2SpeechDataLayer method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer method)
(data.text2text.text2text.ParallelTextDataLayer method)
create_logdir() (in module utils.utils)
create_model() (in module utils.utils)
CrossEntropyLoss (class in losses.cross_entropy_loss)
CrossEntropyWithSmoothing (class in losses.sequence_loss)
CTCLoss (class in losses.ctc_loss)
CUR_INDEX (parts.transformer.beam_search._StateKeys attribute)
D
data (module)
data.data_layer (module)
data.image2label (module)
data.image2label.image2label (module)
data.image2label.imagenet_preprocessing (module)
data.speech2text (module)
data.speech2text.speech2text (module)
data.speech2text.speech_commands (module)
data.speech2text.speech_utils (module)
data.text2speech (module)
data.text2speech.speech_utils (module)
data.text2speech.text2speech (module)
data.text2speech.text2speech_wavenet (module)
data.text2text (module)
data.text2text.t2t (module)
data.text2text.text2text (module)
data.text2text.tokenizer (module)
data.utils (module)
DataLayer (class in data.data_layer)
deco_print() (in module utils.utils)
decode() (data.text2text.tokenizer.Subtokenizer method)
(decoders.decoder.Decoder method)
decode_pass() (decoders.convs2s_decoder.ConvS2SDecoder method)
(decoders.transformer_decoder.TransformerDecoder method)
Decoder (class in decoders.decoder)
decoder (models.encoder_decoder.EncoderDecoderModel attribute)
decoders (module)
decoders.centaur_decoder (module)
decoders.convs2s_decoder (module)
decoders.decoder (module)
decoders.fc_decoders (module)
decoders.rnn_decoders (module)
decoders.tacotron2_decoder (module)
decoders.transformer_decoder (module)
DeepSpeech2Encoder (class in encoders.ds2_encoder)
denormalize() (in module data.text2speech.speech_utils)
dense_tensor_to_chars() (in module models.speech2text)
dense_to_sparse() (in module losses.ctc_loss)
E
EmbeddingSharedWeights (class in parts.transformer.embedding_layer)
enc_emb_w (encoders.rnn_encoders.BidirectionalRNNEncoderWithEmbedding attribute)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding attribute)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding_cuDNN attribute)
(encoders.rnn_encoders.UnidirectionalRNNEncoderWithEmbedding attribute)
encode() (data.text2text.tokenizer.Subtokenizer method)
(encoders.encoder.Encoder method)
Encoder (class in encoders.encoder)
encoder (models.encoder_decoder.EncoderDecoderModel attribute)
EncoderDecoderModel (class in models.encoder_decoder)
encoders (module)
encoders.centaur_encoder (module)
encoders.cnn_encoder (module)
encoders.convs2s_encoder (module)
encoders.ds2_encoder (module)
encoders.encoder (module)
encoders.resnet_blocks (module)
encoders.resnet_encoder (module)
encoders.rnn_encoders (module)
encoders.tacotron2_encoder (module)
encoders.tdnn_encoder (module)
encoders.transformer_encoder (module)
encoders.wavenet_encoder (module)
END_OF_CHOICE (data.text2text.text2text.SpecialTextTokens attribute)
EOS_ID (data.text2text.text2text.SpecialTextTokens attribute)
evaluate() (in module utils.funcs)
(models.image2label.Image2Label method)
(models.model.Model method)
(models.speech2text.Speech2Text method)
(models.text2speech.Text2Speech method)
(models.text2speech_wavenet.Text2SpeechWavenet method)
(models.text2text.Text2Text method)
exp_decay() (in module optimizers.lr_policies)
F
FeedFowardNetwork (class in parts.transformer.ffn_layer)
FeedFowardNetworkNormalized (class in parts.convs2s.ffn_wn_layer)
FinalBeamSearchDecoderOutput (class in parts.rnns.rnn_beam_search_decoder)
finalize() (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder method)
finalize_evaluation() (models.image2label.Image2Label method)
(models.model.Model method)
(models.speech2text.Speech2Text method)
(models.text2speech.Text2Speech method)
(models.text2speech_wavenet.Text2SpeechWavenet method)
(models.text2text.Text2Text method)
finalize_inference() (models.model.Model method)
(models.speech2text.Speech2Text method)
(models.text2speech.Text2Speech method)
(models.text2speech_wavenet.Text2SpeechWavenet method)
(models.text2text.Text2Text method)
FINISHED_FLAGS (parts.transformer.beam_search._StateKeys attribute)
FINISHED_SCORES (parts.transformer.beam_search._StateKeys attribute)
FINISHED_SEQ (parts.transformer.beam_search._StateKeys attribute)
fixed_lr() (in module optimizers.lr_policies)
fixed_padding() (in module encoders.resnet_blocks)
flatten_dict() (in module utils.utils)
FLSTMCell (class in parts.rnns.flstm)
flush() (utils.utils.Logger method)
FullyConnectedCTCDecoder (class in decoders.fc_decoders)
FullyConnectedDecoder (class in decoders.fc_decoders)
FullyConnectedSCDecoder (class in decoders.fc_decoders)
FullyConnectedTimeDecoder (class in decoders.fc_decoders)
G
get_alignments() (models.text2speech.Text2Speech method)
(models.text2speech_centaur.Text2SpeechCentaur method)
(models.text2speech_tacotron.Text2SpeechTacotron method)
get_available_gpus() (in module utils.utils)
get_base_config() (in module utils.utils)
get_calibration_config() (in module utils.utils)
get_data_layer() (models.model.Model method)
get_decoder_self_attention_bias() (in module parts.transformer.utils)
get_git_diff() (in module utils.utils)
get_git_hash() (in module utils.utils)
get_interactive_infer_results() (in module utils.utils)
get_magnitude_spec() (data.text2speech.text2speech.Text2SpeechDataLayer method)
get_mel() (in module data.text2speech.speech_utils)
get_num_objects_per_step() (models.model.Model method)
get_optional_params() (data.data_layer.DataLayer static method)
(data.image2label.image2label.CifarDataLayer static method)
(data.image2label.image2label.ImagenetDataLayer static method)
(data.speech2text.speech2text.Speech2TextDataLayer static method)
(data.speech2text.speech_commands.SpeechCommandsDataLayer static method)
(data.text2speech.text2speech.Text2SpeechDataLayer static method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer static method)
(data.text2text.text2text.ParallelTextDataLayer static method)
(data.text2text.text2text.TransformerDataLayer static method)
(decoders.centaur_decoder.CentaurDecoder static method)
(decoders.convs2s_decoder.ConvS2SDecoder static method)
(decoders.decoder.Decoder static method)
(decoders.fc_decoders.FullyConnectedCTCDecoder static method)
(decoders.fc_decoders.FullyConnectedTimeDecoder static method)
(decoders.rnn_decoders.BeamSearchRNNDecoderWithAttention static method)
(decoders.rnn_decoders.RNNDecoderWithAttention static method)
(decoders.tacotron2_decoder.Tacotron2Decoder static method)
(decoders.transformer_decoder.TransformerDecoder static method)
(encoders.centaur_encoder.CentaurEncoder static method)
(encoders.cnn_encoder.CNNEncoder static method)
(encoders.convs2s_encoder.ConvS2SEncoder static method)
(encoders.ds2_encoder.DeepSpeech2Encoder static method)
(encoders.encoder.Encoder static method)
(encoders.resnet_encoder.ResNetEncoder static method)
(encoders.rnn_encoders.BidirectionalRNNEncoderWithEmbedding static method)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding static method)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding_cuDNN static method)
(encoders.rnn_encoders.UnidirectionalRNNEncoderWithEmbedding static method)
(encoders.tacotron2_encoder.Tacotron2Encoder static method)
(encoders.tdnn_encoder.TDNNEncoder static method)
(encoders.transformer_encoder.TransformerEncoder static method)
(encoders.wavenet_encoder.WavenetEncoder static method)
(losses.ctc_loss.CTCLoss static method)
(losses.loss.Loss static method)
(losses.sequence_loss.BasicSampledSequenceLoss static method)
(losses.sequence_loss.BasicSequenceLoss static method)
(losses.sequence_loss.CrossEntropyWithSmoothing static method)
(losses.sequence_loss.PaddedCrossEntropyLossWithSmoothing static method)
(losses.text2speech_loss.Text2SpeechLoss static method)
(losses.wavenet_loss.WavenetLoss method)
(models.encoder_decoder.EncoderDecoderModel static method)
(models.model.Model static method)
get_output_tensors() (models.model.Model method)
get_padding() (in module parts.transformer.utils)
get_padding_bias() (in module parts.transformer.utils)
get_position_encoding() (in module parts.transformer.utils)
get_preprocessed_data_path() (in module data.speech2text.speech_utils)
get_regularization_loss() (in module optimizers.optimizers)
get_required_params() (data.data_layer.DataLayer static method)
(data.image2label.image2label.CifarDataLayer static method)
(data.image2label.image2label.ImagenetDataLayer static method)
(data.speech2text.speech2text.Speech2TextDataLayer static method)
(data.speech2text.speech_commands.SpeechCommandsDataLayer static method)
(data.text2speech.text2speech.Text2SpeechDataLayer static method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer static method)
(data.text2text.text2text.ParallelTextDataLayer static method)
(data.text2text.text2text.TransformerDataLayer static method)
(decoders.centaur_decoder.CentaurDecoder static method)
(decoders.convs2s_decoder.ConvS2SDecoder static method)
(decoders.decoder.Decoder static method)
(decoders.fc_decoders.FullyConnectedCTCDecoder static method)
(decoders.fc_decoders.FullyConnectedDecoder static method)
(decoders.fc_decoders.FullyConnectedSCDecoder static method)
(decoders.fc_decoders.FullyConnectedTimeDecoder static method)
(decoders.rnn_decoders.RNNDecoderWithAttention static method)
(decoders.tacotron2_decoder.Tacotron2Decoder static method)
(decoders.transformer_decoder.TransformerDecoder static method)
(encoders.centaur_encoder.CentaurEncoder static method)
(encoders.cnn_encoder.CNNEncoder static method)
(encoders.convs2s_encoder.ConvS2SEncoder static method)
(encoders.ds2_encoder.DeepSpeech2Encoder static method)
(encoders.encoder.Encoder static method)
(encoders.rnn_encoders.BidirectionalRNNEncoderWithEmbedding static method)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding static method)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding_cuDNN static method)
(encoders.rnn_encoders.UnidirectionalRNNEncoderWithEmbedding static method)
(encoders.tacotron2_encoder.Tacotron2Encoder static method)
(encoders.tdnn_encoder.TDNNEncoder static method)
(encoders.transformer_encoder.TransformerEncoder static method)
(encoders.wavenet_encoder.WavenetEncoder static method)
(losses.loss.Loss static method)
(losses.sequence_loss.BasicSampledSequenceLoss static method)
(losses.sequence_loss.BasicSequenceLoss static method)
(losses.sequence_loss.CrossEntropyWithSmoothing static method)
(losses.wavenet_loss.WavenetLoss method)
(models.encoder_decoder.EncoderDecoderModel static method)
(models.model.Model static method)
(models.text2speech.Text2Speech static method)
(models.text2speech_wavenet.Text2SpeechWavenet static method)
get_results_for_epoch() (in module utils.utils)
get_size_in_samples() (data.data_layer.DataLayer method)
(data.image2label.image2label.CifarDataLayer method)
(data.image2label.image2label.ImagenetDataLayer method)
(data.speech2text.speech2text.Speech2TextDataLayer method)
(data.speech2text.speech_commands.SpeechCommandsDataLayer method)
(data.text2speech.text2speech.Text2SpeechDataLayer method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer method)
(data.text2text.text2text.ParallelTextDataLayer method)
get_speech_features() (in module data.speech2text.speech_utils)
(in module data.text2speech.speech_utils)
get_speech_features_from_file() (in module data.speech2text.speech_utils)
(in module data.text2speech.speech_utils)
get_speech_features_librosa() (in module data.speech2text.speech_utils)
get_speech_features_psf() (in module data.speech2text.speech_utils)
get_tf_dtype() (models.model.Model method)
GLSTMCell (class in parts.rnns.glstm)
gnmt_residual_fn() (in module parts.rnns.gnmt)
GNMTAttentionMultiCell (class in parts.rnns.gnmt)
GNMTLikeEncoderWithEmbedding (class in encoders.rnn_encoders)
GNMTLikeEncoderWithEmbedding_cuDNN (class in encoders.rnn_encoders)
griffin_lim() (in module models.text2speech)
H
hardmax() (in module parts.rnns.attention_wrapper)
hvd (models.model.Model attribute)
I
Image2Label (class in models.image2label)
ImagenetDataLayer (class in data.image2label.image2label)
infer() (in module utils.funcs)
(models.model.Model method)
(models.speech2text.Speech2Text method)
(models.text2speech.Text2Speech method)
(models.text2speech_wavenet.Text2SpeechWavenet method)
(models.text2text.Text2Text method)
init_from_files() (data.text2text.tokenizer.Subtokenizer static method)
initialize() (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder method)
(parts.tacotron.tacotron_decoder.TacotronDecoder method)
(parts.tacotron.tacotron_helper.TacotronHelper method)
(parts.tacotron.tacotron_helper.TacotronTrainingHelper method)
input_tensors (data.data_layer.DataLayer attribute)
(data.image2label.image2label.CifarDataLayer attribute)
(data.image2label.image2label.ImagenetDataLayer attribute)
(data.speech2text.speech2text.Speech2TextDataLayer attribute)
(data.speech2text.speech_commands.SpeechCommandsDataLayer attribute)
(data.text2speech.text2speech.Text2SpeechDataLayer attribute)
(data.text2speech.text2speech_wavenet.WavenetDataLayer attribute)
(data.text2text.text2text.ParallelTextDataLayer attribute)
(data.text2text.text2text.TransformerDataLayer attribute)
inv_poly_decay() (in module optimizers.lr_policies)
inverse_mel() (in module data.text2speech.speech_utils)
iterate_data() (in module utils.utils)
iterator (data.data_layer.DataLayer attribute)
(data.image2label.image2label.CifarDataLayer attribute)
(data.image2label.image2label.ImagenetDataLayer attribute)
(data.speech2text.speech2text.Speech2TextDataLayer attribute)
(data.speech2text.speech_commands.SpeechCommandsDataLayer attribute)
(data.text2speech.text2speech.Text2SpeechDataLayer attribute)
(data.text2speech.text2speech_wavenet.WavenetDataLayer attribute)
(data.text2text.text2text.ParallelTextDataLayer attribute)
(data.text2text.text2text.TransformerDataLayer attribute)
J
join_tokens_to_string() (in module data.text2text.tokenizer)
L
last_step (models.model.Model attribute)
LayerNormalization (class in parts.transformer.common)
levenshtein() (in module models.speech2text)
linear() (parts.transformer.embedding_layer.EmbeddingSharedWeights method)
load_features() (in module data.speech2text.speech_utils)
load_pre_existing_vocabulary() (in module data.utils)
LocationSensitiveAttention (class in parts.rnns.attention_wrapper)
log_summaries_from_dict() (in module utils.utils)
Logger (class in utils.utils)
LogMaxScaler (class in optimizers.automatic_loss_scaler)
Loss (class in losses.loss)
loss_computator (models.encoder_decoder.EncoderDecoderModel attribute)
loss_scale (optimizers.automatic_loss_scaler.AutomaticLossScaler attribute)
(optimizers.automatic_loss_scaler.BackoffScaler attribute)
(optimizers.automatic_loss_scaler.LogMaxScaler attribute)
losses (module)
losses.cross_entropy_loss (module)
losses.ctc_loss (module)
losses.loss (module)
losses.sequence_loss (module)
losses.text2speech_loss (module)
losses.wavenet_loss (module)
LuongAttention (class in parts.rnns.attention_wrapper)
LuongMonotonicAttention (class in parts.rnns.attention_wrapper)
M
mask_nans() (in module utils.utils)
maybe_print_logs() (models.image2label.Image2Label method)
(models.model.Model method)
(models.speech2text.Speech2Text method)
(models.text2speech.Text2Speech method)
(models.text2speech_wavenet.Text2SpeechWavenet method)
(models.text2text.Text2Text method)
MixedPrecisionOptimizerWrapper (class in optimizers.mp_wrapper)
mode (decoders.decoder.Decoder attribute)
(encoders.encoder.Encoder attribute)
(models.model.Model attribute)
Model (class in models.model)
models (module)
models.encoder_decoder (module)
models.image2label (module)
models.model (module)
models.speech2text (module)
models.text2speech (module)
models.text2speech_centaur (module)
models.text2speech_tacotron (module)
models.text2speech_wavenet (module)
models.text2text (module)
monotonic_attention() (in module parts.rnns.attention_wrapper)
mp_regularizer_wrapper() (in module optimizers.mp_wrapper)
N
n_fft (data.text2speech.text2speech.Text2SpeechDataLayer attribute)
name (decoders.decoder.Decoder attribute)
(encoders.encoder.Encoder attribute)
(losses.loss.Loss attribute)
nest_dict() (in module utils.utils)
nested_update() (in module utils.utils)
next_inputs() (parts.tacotron.tacotron_helper.TacotronHelper method)
(parts.tacotron.tacotron_helper.TacotronTrainingHelper method)
normalize() (in module data.text2speech.speech_utils)
normalize_signal() (in module data.speech2text.speech_utils)
num_gpus (models.model.Model attribute)
O
on_horovod (models.model.Model attribute)
optimize_loss() (in module optimizers.optimizers)
optimizers (module)
optimizers.automatic_loss_scaler (module)
optimizers.lr_policies (module)
optimizers.mp_wrapper (module)
optimizers.optimizers (module)
OUT_OF_BUCKET (data.text2text.text2text.SpecialTextTokens attribute)
output_dtype (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder attribute)
(parts.tacotron.tacotron_decoder.TacotronDecoder attribute)
output_size (decoders.tacotron2_decoder.Prenet attribute)
(parts.rnns.attention_wrapper.AttentionWrapper attribute)
(parts.rnns.flstm.FLSTMCell attribute)
(parts.rnns.glstm.GLSTMCell attribute)
(parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder attribute)
(parts.rnns.slstm.BasicSLSTMCell attribute)
(parts.rnns.zoneout.ZoneoutWrapper attribute)
(parts.tacotron.tacotron_decoder.TacotronDecoder attribute)
P
PAD_ID (data.text2text.text2text.SpecialTextTokens attribute)
pad_vocab_to_eight() (in module data.utils)
PaddedCrossEntropyLossWithSmoothing (class in losses.sequence_loss)
ParallelTextDataLayer (class in data.text2text.text2text)
params (data.data_layer.DataLayer attribute)
(decoders.decoder.Decoder attribute)
(encoders.encoder.Encoder attribute)
(losses.loss.Loss attribute)
(models.model.Model attribute)
parse_element() (data.speech2text.speech_commands.SpeechCommandsDataLayer method)
parse_record() (data.image2label.image2label.CifarDataLayer method)
(in module data.image2label.imagenet_preprocessing)
parse_text_output() (data.text2speech.text2speech.Text2SpeechDataLayer method)
parts (module)
parts.centaur (module)
parts.centaur.attention (module)
parts.centaur.batch_norm (module)
parts.centaur.conv_block (module)
parts.centaur.prenet (module)
parts.cnns (module)
parts.cnns.conv_blocks (module)
parts.convs2s (module)
parts.convs2s.attention_wn_layer (module)
parts.convs2s.conv_wn_layer (module)
parts.convs2s.ffn_wn_layer (module)
parts.rnns (module)
parts.rnns.attention_wrapper (module)
parts.rnns.flstm (module)
parts.rnns.glstm (module)
parts.rnns.gnmt (module)
parts.rnns.rnn_beam_search_decoder (module)
parts.rnns.slstm (module)
parts.rnns.utils (module)
parts.rnns.zoneout (module)
parts.tacotron (module)
parts.tacotron.tacotron_decoder (module)
parts.tacotron.tacotron_helper (module)
parts.transformer (module)
parts.transformer.attention_layer (module)
parts.transformer.beam_search (module)
parts.transformer.common (module)
parts.transformer.embedding_layer (module)
parts.transformer.ffn_layer (module)
parts.transformer.utils (module)
piecewise_constant() (in module optimizers.lr_policies)
plot_attention() (in module models.speech2text)
plot_spectrograms() (in module models.text2speech)
poly_decay() (in module optimizers.lr_policies)
post_process_gradients() (in module optimizers.optimizers)
predict() (decoders.convs2s_decoder.ConvS2SDecoder method)
(decoders.transformer_decoder.TransformerDecoder method)
preemphasis() (in module data.speech2text.speech_utils)
Prenet (class in decoders.tacotron2_decoder)
(class in parts.centaur.prenet)
PrePostProcessingWrapper (class in parts.transformer.common)
preprocess_image() (data.image2label.image2label.CifarDataLayer method)
(data.speech2text.speech_commands.SpeechCommandsDataLayer method)
(in module data.image2label.imagenet_preprocessing)
PreprocessOnTheFlyException
print_logs() (models.text2speech.Text2Speech method)
PrintLossAndTimeHook (class in utils.hooks)
PrintSamplesHook (class in utils.hooks)
R
reduce_gradients() (in module optimizers.optimizers)
RegenerateCacheException
ResNetEncoder (class in encoders.resnet_encoder)
restore_and_get_results() (in module utils.funcs)
rnn_cell() (in module encoders.ds2_encoder)
RNNDecoderWithAttention (class in decoders.rnn_decoders)
row_conv() (in module encoders.ds2_encoder)
RunEvaluationHook (class in utils.hooks)
S
S_ID (data.text2text.text2text.SpecialTextTokens attribute)
safe_cumprod() (in module parts.rnns.attention_wrapper)
sample() (parts.tacotron.tacotron_helper.TacotronHelper method)
(parts.tacotron.tacotron_helper.TacotronTrainingHelper method)
sample_ids_dtype (parts.tacotron.tacotron_helper.TacotronHelper attribute)
(parts.tacotron.tacotron_helper.TacotronTrainingHelper attribute)
sample_ids_shape (parts.tacotron.tacotron_helper.TacotronHelper attribute)
(parts.tacotron.tacotron_helper.TacotronTrainingHelper attribute)
sampling_rate (data.text2speech.text2speech.Text2SpeechDataLayer attribute)
save_audio() (in module models.text2speech)
(in module models.text2speech_wavenet)
save_features() (in module data.speech2text.speech_utils)
search() (parts.transformer.beam_search.SequenceBeamSearch method)
SelfAttention (class in parts.transformer.attention_layer)
sequence_beam_search() (in module parts.transformer.beam_search)
SequenceBeamSearch (class in parts.transformer.beam_search)
single_cell() (in module parts.rnns.utils)
sparse_tensor_to_chars() (in module models.speech2text)
sparse_tensor_to_chars_bpe() (in module models.speech2text)
SpecialTextTokens (class in data.text2text.text2text)
Speech2Text (class in models.speech2text)
Speech2TextDataLayer (class in data.speech2text.speech2text)
SpeechCommandsDataLayer (class in data.speech2text.speech_commands)
split_data() (data.image2label.image2label.ImagenetDataLayer method)
(data.speech2text.speech2text.Speech2TextDataLayer method)
(data.speech2text.speech_commands.SpeechCommandsDataLayer method)
(data.text2speech.text2speech.Text2SpeechDataLayer method)
(data.text2speech.text2speech_wavenet.WavenetDataLayer method)
split_heads() (parts.transformer.attention_layer.Attention method)
src_emb_size (encoders.convs2s_encoder.ConvS2SEncoder attribute)
(encoders.rnn_encoders.BidirectionalRNNEncoderWithEmbedding attribute)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding attribute)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding_cuDNN attribute)
(encoders.rnn_encoders.UnidirectionalRNNEncoderWithEmbedding attribute)
src_vocab_size (encoders.convs2s_encoder.ConvS2SEncoder attribute)
(encoders.rnn_encoders.BidirectionalRNNEncoderWithEmbedding attribute)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding attribute)
(encoders.rnn_encoders.GNMTLikeEncoderWithEmbedding_cuDNN attribute)
(encoders.rnn_encoders.UnidirectionalRNNEncoderWithEmbedding attribute)
state_size (parts.rnns.attention_wrapper.AttentionMechanism attribute)
(parts.rnns.attention_wrapper.AttentionWrapper attribute)
(parts.rnns.flstm.FLSTMCell attribute)
(parts.rnns.glstm.GLSTMCell attribute)
(parts.rnns.slstm.BasicSLSTMCell attribute)
(parts.rnns.zoneout.ZoneoutWrapper attribute)
step() (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder method)
(parts.tacotron.tacotron_decoder.TacotronDecoder method)
steps_in_epoch (models.model.Model attribute)
Subtokenizer (class in data.text2text.tokenizer)
SUPPORTED_ALGOS (optimizers.automatic_loss_scaler.AutomaticLossScaler attribute)
T
Tacotron2Decoder (class in decoders.tacotron2_decoder)
Tacotron2Encoder (class in encoders.tacotron2_encoder)
TacotronDecoder (class in parts.tacotron.tacotron_decoder)
TacotronHelper (class in parts.tacotron.tacotron_helper)
TacotronTrainingHelper (class in parts.tacotron.tacotron_helper)
TDNNEncoder (class in encoders.tdnn_encoder)
Text2Speech (class in models.text2speech)
Text2SpeechCentaur (class in models.text2speech_centaur)
Text2SpeechDataLayer (class in data.text2speech.text2speech)
Text2SpeechLoss (class in losses.text2speech_loss)
Text2SpeechTacotron (class in models.text2speech_tacotron)
Text2SpeechWavenet (class in models.text2speech_wavenet)
Text2Text (class in models.text2text)
text_ids_to_string() (in module utils.utils)
tile_batch() (in module parts.rnns.rnn_beam_search_decoder)
tracks_own_finished (parts.rnns.rnn_beam_search_decoder.BeamSearchDecoder attribute)
train() (in module utils.funcs)
transform_for_bleu() (in module models.text2text)
Transformer_BatchNorm (class in parts.transformer.common)
transformer_policy() (in module optimizers.lr_policies)
TransformerDataLayer (class in data.text2text.text2text)
TransformerDecoder (class in decoders.transformer_decoder)
TransformerEncoder (class in encoders.transformer_encoder)
U
unescape_token() (in module data.text2text.tokenizer)
UnidirectionalRNNEncoderWithEmbedding (class in encoders.rnn_encoders)
UNK_ID (data.text2text.text2text.SpecialTextTokens attribute)
update_op() (optimizers.automatic_loss_scaler.AutomaticLossScaler method)
(optimizers.automatic_loss_scaler.BackoffScaler method)
(optimizers.automatic_loss_scaler.LogMaxScaler method)
utils (module)
utils.funcs (module)
utils.hooks (module)
utils.utils (module)
W
wavenet_conv_block() (in module encoders.wavenet_encoder)
WavenetDataLayer (class in data.text2speech.text2speech_wavenet)
WavenetEncoder (class in encoders.wavenet_encoder)
WavenetLoss (class in losses.wavenet_loss)
write() (utils.utils.Logger method)
Z
zero_state() (parts.rnns.attention_wrapper.AttentionWrapper method)
ZoneoutWrapper (class in parts.rnns.zoneout)