NeuronBlocks
1.1.0
Contents:
Basic block_zoo
Attention
embedding
Operations
Math
Transformer
Encoder_Decoder
Normalizations
Loss Functions
NeuronBlocks
Docs
»
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
A
accuracy() (metrics.Evaluator.Evaluator method)
Add2D (class in block_zoo.math.Add2D)
Add2DConf (class in block_zoo.math.Add2D)
Add3D (class in block_zoo.math.Add3D)
Add3DConf (class in block_zoo.math.Add3D)
add_attr_exist_assertion_for_dev() (block_zoo.BaseLayer.BaseConf method)
add_attr_exist_assertion_for_user() (block_zoo.BaseLayer.BaseConf method)
add_attr_range_assertion() (block_zoo.BaseLayer.BaseConf method)
add_attr_type_assertion() (block_zoo.BaseLayer.BaseConf method)
add_attr_value_assertion() (block_zoo.BaseLayer.BaseConf method)
add_cells() (core.CellDict.CellDict method)
add_dependency() (Model.Model method)
add_layer() (Model.Model method)
Attention (class in block_zoo.attentions.Attention)
Attention() (block_zoo.encoder_decoder.SLUDecoder.SLUDecoder method)
AttentionConf (class in block_zoo.attentions.Attention)
auc() (metrics.Evaluator.Evaluator method)
B
base_filter() (in module utils.corpus_utils)
BaseConf (class in block_zoo.BaseLayer)
BaseError
BaseLayer (class in block_zoo.BaseLayer)
BaseLossConf (class in losses.BaseLossConf)
BiAttFlow (class in block_zoo.attentions.BiAttFlow)
BiAttFlowConf (class in block_zoo.attentions.BiAttFlow)
BiGRU (class in block_zoo.BiGRU)
BiGRUConf (class in block_zoo.BiGRU)
BiGRULast (class in block_zoo.BiGRULast)
BiGRULastConf (class in block_zoo.BiGRULast)
BilinearAttention (class in block_zoo.attentions.BilinearAttention)
BilinearAttentionConf (class in block_zoo.attentions.BilinearAttention)
BiLSTM (class in block_zoo.BiLSTM)
BiLSTMAtt (class in block_zoo.BiLSTMAtt)
BiLSTMAttConf (class in block_zoo.BiLSTMAtt)
BiLSTMConf (class in block_zoo.BiLSTM)
BiLSTMLast (class in block_zoo.BiLSTMLast)
BiLSTMLastConf (class in block_zoo.BiLSTMLast)
BIO (settings.TaggingSchemes attribute)
BiQRNN (class in block_zoo.BiQRNN)
BiQRNNConf (class in block_zoo.BiQRNN)
block_zoo (module)
block_zoo.attentions (module)
block_zoo.attentions.Attention (module)
block_zoo.attentions.BiAttFlow (module)
block_zoo.attentions.BilinearAttention (module)
block_zoo.attentions.FullAttention (module)
block_zoo.attentions.LinearAttention (module)
block_zoo.attentions.MatchAttention (module)
block_zoo.attentions.Seq2SeqAttention (module)
block_zoo.BaseLayer (module)
block_zoo.BiGRU (module)
block_zoo.BiGRULast (module)
block_zoo.BiLSTM (module)
block_zoo.BiLSTMAtt (module)
block_zoo.BiLSTMLast (module)
block_zoo.BiQRNN (module)
block_zoo.Conv (module)
block_zoo.ConvPooling (module)
block_zoo.Dropout (module)
block_zoo.Embedding (module)
block_zoo.embedding (module)
block_zoo.embedding.CNNCharEmbedding (module)
block_zoo.encoder_decoder (module)
block_zoo.encoder_decoder.SLUDecoder (module)
block_zoo.encoder_decoder.SLUEncoder (module)
block_zoo.EncoderDecoder (module)
block_zoo.Flatten (module)
block_zoo.HighwayLinear (module)
block_zoo.Linear (module)
block_zoo.math (module)
block_zoo.math.Add2D (module)
block_zoo.math.Add3D (module)
block_zoo.math.ElementWisedMultiply2D (module)
block_zoo.math.ElementWisedMultiply3D (module)
block_zoo.math.MatrixMultiply (module)
block_zoo.math.Minus2D (module)
block_zoo.math.Minus3D (module)
block_zoo.normalizations (module)
block_zoo.normalizations.LayerNorm (module)
block_zoo.op (module)
block_zoo.op.Combination (module)
block_zoo.op.Concat2D (module)
block_zoo.op.Concat3D (module)
block_zoo.Pooling (module)
block_zoo.Transformer (module)
block_zoo.transformer (module)
block_zoo.transformer.MLP (module)
block_zoo.transformer.MultiHeadAttention (module)
bpe() (utils.BPEEncoder.BPEEncoder method)
BPEEncoder (class in utils.BPEEncoder)
build() (core.CellDict.CellDict method)
(problem.Problem method)
build_training_data_list() (problem.Problem method)
build_training_multi_processor() (problem.Problem method)
C
calcMetrics() (in module metrics.conlleval)
cell() (core.CellDict.CellDict method)
cell_num() (core.CellDict.CellDict method)
CellDict (class in core.CellDict)
check_conf() (ModelConf.ModelConf method)
check_version_compat() (ModelConf.ModelConf method)
classification (settings.ProblemTypes attribute)
clear_records() (core.StreamingRecorder.StreamingRecorder method)
CNNCharEmbedding (class in block_zoo.embedding.CNNCharEmbedding)
CNNCharEmbeddingConf (class in block_zoo.embedding.CNNCharEmbedding)
Combination (class in block_zoo.op.Combination)
CombinationConf (class in block_zoo.op.Combination)
compare() (metrics.Evaluator.Evaluator method)
Concat2D (class in block_zoo.op.Concat2D)
Concat2DConf (class in block_zoo.op.Concat2D)
Concat3D (class in block_zoo.op.Concat3D)
Concat3DConf (class in block_zoo.op.Concat3D)
ConfigurationError
Conv (class in block_zoo.Conv)
ConvConf (class in block_zoo.Conv)
convert_to_hdfspath() (in module utils.philly_utils)
convert_to_tmppath() (in module utils.philly_utils)
ConvPooling (class in block_zoo.ConvPooling)
ConvPoolingConf (class in block_zoo.ConvPooling)
core (module)
core.CellDict (module)
core.EnglishPOSTagger (module)
core.EnglishTextPreprocessor (module)
core.EnglishTokenizer (module)
core.LRScheduler (module)
core.StreamingRecorder (module)
corpus_permutation() (in module utils.corpus_utils)
countChunks() (in module metrics.conlleval)
cut_and_padding() (in module utils.corpus_utils)
D
data_encoding (module)
DBC2SBC() (core.EnglishTextPreprocessor.EnglishTextPreprocessor method)
declare() (block_zoo.attentions.Attention.AttentionConf method)
(block_zoo.BaseLayer.BaseConf method)
(block_zoo.BiGRU.BiGRUConf method)
(block_zoo.BiGRULast.BiGRULastConf method)
(block_zoo.BiLSTM.BiLSTMConf method)
(block_zoo.BiLSTMAtt.BiLSTMAttConf method)
(block_zoo.BiLSTMLast.BiLSTMLastConf method)
(block_zoo.BiQRNN.BiQRNNConf method)
(block_zoo.Conv.ConvConf method)
(block_zoo.ConvPooling.ConvPoolingConf method)
(block_zoo.Dropout.DropoutConf method)
(block_zoo.Embedding.EmbeddingConf method)
(block_zoo.EncoderDecoder.EncoderDecoderConf method)
(block_zoo.Flatten.FlattenConf method)
(block_zoo.HighwayLinear.HighwayLinearConf method)
(block_zoo.Linear.LinearConf method)
(block_zoo.Pooling.PoolingConf method)
(block_zoo.Transformer.TransformerConf method)
(block_zoo.attentions.BiAttFlow.BiAttFlowConf method)
(block_zoo.attentions.BilinearAttention.BilinearAttentionConf method)
(block_zoo.attentions.FullAttention.FullAttentionConf method)
(block_zoo.attentions.LinearAttention.LinearAttentionConf method)
(block_zoo.attentions.MatchAttention.MatchAttentionConf method)
(block_zoo.attentions.Seq2SeqAttention.Seq2SeqAttentionConf method)
(block_zoo.embedding.CNNCharEmbedding.CNNCharEmbeddingConf method)
(block_zoo.encoder_decoder.SLUDecoder.SLUDecoderConf method)
(block_zoo.encoder_decoder.SLUEncoder.SLUEncoderConf method)
(block_zoo.math.Add2D.Add2DConf method)
(block_zoo.math.Add3D.Add3DConf method)
(block_zoo.math.ElementWisedMultiply2D.ElementWisedMultiply2DConf method)
(block_zoo.math.ElementWisedMultiply3D.ElementWisedMultiply3DConf method)
(block_zoo.math.MatrixMultiply.MatrixMultiplyConf method)
(block_zoo.math.Minus2D.Minus2DConf method)
(block_zoo.math.Minus3D.Minus3DConf method)
(block_zoo.normalizations.LayerNorm.LayerNormConf method)
(block_zoo.op.Combination.CombinationConf method)
(block_zoo.op.Concat2D.Concat2DConf method)
(block_zoo.op.Concat3D.Concat3DConf method)
(block_zoo.transformer.MLP.MLPConf method)
(block_zoo.transformer.MultiHeadAttention.MultiHeadAttentionConf method)
decode() (core.CellDict.CellDict method)
(problem.Problem method)
default() (block_zoo.attentions.Attention.AttentionConf method)
(block_zoo.BaseLayer.BaseConf method)
(block_zoo.BiGRU.BiGRUConf method)
(block_zoo.BiGRULast.BiGRULastConf method)
(block_zoo.BiLSTM.BiLSTMConf method)
(block_zoo.BiLSTMAtt.BiLSTMAttConf method)
(block_zoo.BiLSTMLast.BiLSTMLastConf method)
(block_zoo.BiQRNN.BiQRNNConf method)
(block_zoo.Conv.ConvConf method)
(block_zoo.ConvPooling.ConvPoolingConf method)
(block_zoo.Dropout.DropoutConf method)
(block_zoo.Embedding.EmbeddingConf method)
(block_zoo.EncoderDecoder.EncoderDecoderConf method)
(block_zoo.HighwayLinear.HighwayLinearConf method)
(block_zoo.Linear.LinearConf method)
(block_zoo.Pooling.PoolingConf method)
(block_zoo.Transformer.TransformerConf method)
(block_zoo.attentions.BiAttFlow.BiAttFlowConf method)
(block_zoo.attentions.BilinearAttention.BilinearAttentionConf method)
(block_zoo.attentions.FullAttention.FullAttentionConf method)
(block_zoo.attentions.LinearAttention.LinearAttentionConf method)
(block_zoo.attentions.MatchAttention.MatchAttentionConf method)
(block_zoo.attentions.Seq2SeqAttention.Seq2SeqAttentionConf method)
(block_zoo.embedding.CNNCharEmbedding.CNNCharEmbeddingConf method)
(block_zoo.encoder_decoder.SLUDecoder.SLUDecoderConf method)
(block_zoo.encoder_decoder.SLUEncoder.SLUEncoderConf method)
(block_zoo.math.MatrixMultiply.MatrixMultiplyConf method)
(block_zoo.math.Minus2D.Minus2DConf method)
(block_zoo.math.Minus3D.Minus3DConf method)
(block_zoo.op.Combination.CombinationConf method)
(block_zoo.op.Concat2D.Concat2DConf method)
(block_zoo.op.Concat3D.Concat3DConf method)
(block_zoo.transformer.MLP.MLPConf method)
(block_zoo.transformer.MultiHeadAttention.MultiHeadAttentionConf method)
delete_example() (problem.Problem method)
DocInherit (class in utils.DocInherit)
Dropout (class in block_zoo.Dropout)
DropoutConf (class in block_zoo.Dropout)
dump_to_pkl() (in module utils.common_utils)
E
ElementWisedMultiply2D (class in block_zoo.math.ElementWisedMultiply2D)
ElementWisedMultiply2DConf (class in block_zoo.math.ElementWisedMultiply2D)
ElementWisedMultiply3D (class in block_zoo.math.ElementWisedMultiply3D)
ElementWisedMultiply3DConf (class in block_zoo.math.ElementWisedMultiply3D)
Embedding (class in block_zoo.Embedding)
EmbeddingConf (class in block_zoo.Embedding)
encode() (problem.Problem method)
(utils.BPEEncoder.BPEEncoder method)
encode_data_list() (problem.Problem method)
encode_data_multi_processor() (problem.Problem method)
EncoderDecoder (class in block_zoo.EncoderDecoder)
EncoderDecoderConf (class in block_zoo.EncoderDecoder)
endOfChunk() (in module metrics.conlleval)
EnglishPOSTagger (class in core.EnglishPOSTagger)
EnglishTextPreprocessor (class in core.EnglishTextPreprocessor)
EnglishTokenizer (class in core.EnglishTokenizer)
evaluate() (in module metrics.conlleval)
(LearningMachine.LearningMachine method)
(metrics.Evaluator.Evaluator method)
Evaluator (class in metrics.Evaluator)
export_cell_dict() (core.CellDict.CellDict method)
export_problem() (problem.Problem method)
F
f1() (metrics.Evaluator.Evaluator method)
Flatten (class in block_zoo.Flatten)
FlattenConf (class in block_zoo.Flatten)
FocalLoss (class in losses.FocalLoss)
ForgetMult (class in block_zoo.BiQRNN)
format_result() (metrics.Evaluator.Evaluator method)
forward() (block_zoo.attentions.Attention.Attention method)
(Model.Model method)
(block_zoo.BaseLayer.BaseLayer method)
(block_zoo.BiGRU.BiGRU method)
(block_zoo.BiGRULast.BiGRULast method)
(block_zoo.BiLSTM.BiLSTM method)
(block_zoo.BiLSTMAtt.BiLSTMAtt method)
(block_zoo.BiLSTMLast.BiLSTMLast method)
(block_zoo.BiQRNN.BiQRNN method)
(block_zoo.BiQRNN.ForgetMult method)
(block_zoo.BiQRNN.QRNN method)
(block_zoo.BiQRNN.QRNNLayer method)
(block_zoo.Conv.Conv method)
(block_zoo.ConvPooling.ConvPooling method)
(block_zoo.Dropout.Dropout method)
(block_zoo.Embedding.Embedding method)
(block_zoo.EncoderDecoder.EncoderDecoder method)
(block_zoo.Flatten.Flatten method)
(block_zoo.HighwayLinear.HighwayLinear method)
(block_zoo.Linear.Linear method)
(block_zoo.Pooling.Pooling method)
(block_zoo.Transformer.Transformer method)
(block_zoo.attentions.BiAttFlow.BiAttFlow method)
(block_zoo.attentions.BilinearAttention.BilinearAttention method)
(block_zoo.attentions.FullAttention.FullAttention method)
(block_zoo.attentions.LinearAttention.LinearAttention method)
(block_zoo.attentions.MatchAttention.MatchAttention method)
(block_zoo.attentions.Seq2SeqAttention.Seq2SeqAttention method)
(block_zoo.embedding.CNNCharEmbedding.CNNCharEmbedding method)
(block_zoo.encoder_decoder.SLUDecoder.SLUDecoder method)
(block_zoo.encoder_decoder.SLUEncoder.SLUEncoder method)
(block_zoo.math.Add2D.Add2D method)
(block_zoo.math.Add3D.Add3D method)
(block_zoo.math.ElementWisedMultiply2D.ElementWisedMultiply2D method)
(block_zoo.math.ElementWisedMultiply3D.ElementWisedMultiply3D method)
(block_zoo.math.MatrixMultiply.MatrixMultiply method)
(block_zoo.math.Minus2D.Minus2D method)
(block_zoo.math.Minus3D.Minus3D method)
(block_zoo.normalizations.LayerNorm.LayerNorm method)
(block_zoo.op.Combination.Combination method)
(block_zoo.op.Concat2D.Concat2D method)
(block_zoo.op.Concat3D.Concat3D method)
(block_zoo.transformer.MLP.MLP method)
(block_zoo.transformer.MultiHeadAttention.MultiHeadAttention method)
(losses.FocalLoss.FocalLoss method)
(losses.Loss.Loss method)
FullAttention (class in block_zoo.attentions.FullAttention)
FullAttentionConf (class in block_zoo.attentions.FullAttention)
G
gelu() (block_zoo.transformer.MLP.MLP method)
get() (core.StreamingRecorder.StreamingRecorder method)
get_batches() (in module utils.corpus_utils)
get_conf() (in module Model)
(losses.BaseLossConf.BaseLossConf static method)
get_data_list_from_file() (problem.Problem method)
get_first_metric_result() (metrics.Evaluator.Evaluator method)
get_item() (ModelConf.ModelConf method)
get_layer() (in module Model)
get_lr() (core.LRScheduler.LRScheduler method)
get_no_inst() (utils.DocInherit.DocInherit method)
get_pairs() (in module utils.BPEEncoder)
get_param_num() (in module utils.common_utils)
get_seq_mask() (in module utils.corpus_utils)
get_supported_metrics() (metrics.Evaluator.Evaluator method)
get_topological_sequence() (Model.Model method)
get_trainable_param_num() (in module utils.common_utils)
get_vocab_sizes() (problem.Problem method)
get_with_inst() (utils.DocInherit.DocInherit method)
H
has_cell() (core.CellDict.CellDict method)
has_id() (core.CellDict.CellDict method)
HDFSDirectTransferer (class in utils.philly_utils)
HighwayLinear (class in block_zoo.HighwayLinear)
HighwayLinearConf (class in block_zoo.HighwayLinear)
I
id() (core.CellDict.CellDict method)
id_unk() (core.CellDict.CellDict method)
inference() (block_zoo.attentions.Attention.AttentionConf method)
(block_zoo.BaseLayer.BaseConf method)
(block_zoo.BiGRU.BiGRUConf method)
(block_zoo.BiGRULast.BiGRULastConf method)
(block_zoo.BiLSTM.BiLSTMConf method)
(block_zoo.BiLSTMAtt.BiLSTMAttConf method)
(block_zoo.BiLSTMLast.BiLSTMLastConf method)
(block_zoo.BiQRNN.BiQRNNConf method)
(block_zoo.Conv.ConvConf method)
(block_zoo.ConvPooling.ConvPoolingConf method)
(block_zoo.Dropout.DropoutConf method)
(block_zoo.Embedding.EmbeddingConf method)
(block_zoo.EncoderDecoder.EncoderDecoderConf method)
(block_zoo.Flatten.FlattenConf method)
(block_zoo.HighwayLinear.HighwayLinearConf method)
(block_zoo.Linear.LinearConf method)
(block_zoo.Pooling.PoolingConf method)
(block_zoo.Transformer.TransformerConf method)
(block_zoo.attentions.BiAttFlow.BiAttFlowConf method)
(block_zoo.attentions.BilinearAttention.BilinearAttentionConf method)
(block_zoo.attentions.FullAttention.FullAttentionConf method)
(block_zoo.attentions.LinearAttention.LinearAttentionConf method)
(block_zoo.attentions.MatchAttention.MatchAttentionConf method)
(block_zoo.attentions.Seq2SeqAttention.Seq2SeqAttentionConf method)
(block_zoo.embedding.CNNCharEmbedding.CNNCharEmbeddingConf method)
(block_zoo.encoder_decoder.SLUDecoder.SLUDecoderConf method)
(block_zoo.encoder_decoder.SLUEncoder.SLUEncoderConf method)
(block_zoo.math.Add2D.Add2DConf method)
(block_zoo.math.Add3D.Add3DConf method)
(block_zoo.math.ElementWisedMultiply2D.ElementWisedMultiply2DConf method)
(block_zoo.math.ElementWisedMultiply3D.ElementWisedMultiply3DConf method)
(block_zoo.math.MatrixMultiply.MatrixMultiplyConf method)
(block_zoo.math.Minus2D.Minus2DConf method)
(block_zoo.math.Minus3D.Minus3DConf method)
(block_zoo.normalizations.LayerNorm.LayerNormConf method)
(block_zoo.op.Combination.CombinationConf method)
(block_zoo.op.Concat2D.Concat2DConf method)
(block_zoo.op.Concat3D.Concat3DConf method)
(block_zoo.transformer.MLP.MLPConf method)
(block_zoo.transformer.MultiHeadAttention.MultiHeadAttentionConf method)
input_word_num() (problem.Problem method)
InputError
is_cuda() (block_zoo.BaseLayer.BaseLayer method)
(Model.Model method)
iter_cells() (core.CellDict.CellDict method)
iter_ids() (core.CellDict.CellDict method)
L
LayerConfigUndefinedError
LayerDefineError
LayerNorm (class in block_zoo.normalizations.LayerNorm)
LayerNormConf (class in block_zoo.normalizations.LayerNorm)
LayerUndefinedError
LearningMachine (class in LearningMachine)
(module)
Linear (class in block_zoo.Linear)
LinearAttention (class in block_zoo.attentions.LinearAttention)
LinearAttentionConf (class in block_zoo.attentions.LinearAttention)
LinearConf (class in block_zoo.Linear)
load_cell_dict() (core.CellDict.CellDict method)
load_embedding() (in module utils.corpus_utils)
load_from_exist_dict() (core.CellDict.CellDict method)
load_from_file() (ModelConf.ModelConf method)
load_from_pkl() (in module utils.common_utils)
load_model() (LearningMachine.LearningMachine method)
load_problem() (problem.Problem method)
log_set() (in module utils.common_utils)
lookup() (core.CellDict.CellDict method)
Loss (class in losses.Loss)
losses (module)
losses.BaseLossConf (module)
losses.FocalLoss (module)
losses.Loss (module)
LossOperationType (class in settings)
LRScheduler (class in core.LRScheduler)
M
macro_f1() (metrics.Evaluator.Evaluator method)
macro_precision() (metrics.Evaluator.Evaluator method)
macro_recall() (metrics.Evaluator.Evaluator method)
main() (in module data_encoding)
(in module predict)
(in module test)
(in module train)
maketrans() (in module utils.corpus_utils)
MatchAttention (class in block_zoo.attentions.MatchAttention)
MatchAttentionConf (class in block_zoo.attentions.MatchAttention)
MatrixMultiply (class in block_zoo.math.MatrixMultiply)
MatrixMultiplyConf (class in block_zoo.math.MatrixMultiply)
merge_heads() (block_zoo.transformer.MultiHeadAttention.MultiHeadAttention method)
metrics (module)
metrics.conlleval (module)
metrics.Evaluator (module)
micro_f1() (metrics.Evaluator.Evaluator method)
micro_precision() (metrics.Evaluator.Evaluator method)
micro_recall() (metrics.Evaluator.Evaluator method)
Minus2D (class in block_zoo.math.Minus2D)
Minus2DConf (class in block_zoo.math.Minus2D)
Minus3D (class in block_zoo.math.Minus3D)
Minus3DConf (class in block_zoo.math.Minus3D)
MLP (class in block_zoo.transformer.MLP)
MLPConf (class in block_zoo.transformer.MLP)
Model (class in Model)
(module)
ModelConf (class in ModelConf)
(module)
move_from_local_to_hdfs() (in module utils.philly_utils)
mrc (settings.ProblemTypes attribute)
mrc_em() (metrics.Evaluator.Evaluator method)
mrc_f1() (metrics.Evaluator.Evaluator method)
MSE() (metrics.Evaluator.Evaluator method)
MultiHeadAttention (class in block_zoo.transformer.MultiHeadAttention)
MultiHeadAttentionConf (class in block_zoo.transformer.MultiHeadAttention)
N
normalize_answer() (metrics.Evaluator.Evaluator method)
O
open_and_move() (in module utils.philly_utils)
optimizers (module)
output_target_num() (problem.Problem method)
P
parse_args() (in module metrics.conlleval)
pkl_dump() (utils.philly_utils.HDFSDirectTransferer method)
Pooling (class in block_zoo.Pooling)
PoolingConf (class in block_zoo.Pooling)
postag() (core.EnglishPOSTagger.EnglishPOSTagger method)
postag_multi() (core.EnglishPOSTagger.EnglishPOSTagger method)
predict (module)
predict() (LearningMachine.LearningMachine method)
preparation (module)
prepare_dir() (in module utils.common_utils)
preprocess() (core.EnglishTextPreprocessor.EnglishTextPreprocessor method)
PreprocessError
Problem (class in problem)
problem (module)
ProblemTypes (class in settings)
Q
QRNN (class in block_zoo.BiQRNN)
QRNNLayer (class in block_zoo.BiQRNN)
R
record() (core.StreamingRecorder.StreamingRecorder method)
record_one_row() (core.StreamingRecorder.StreamingRecorder method)
regression (settings.ProblemTypes attribute)
remove_dependency() (Model.Model method)
reset() (block_zoo.BiQRNN.QRNN method)
(block_zoo.BiQRNN.QRNNLayer method)
RMSE() (metrics.Evaluator.Evaluator method)
S
SBC2DBC() (core.EnglishTextPreprocessor.EnglishTextPreprocessor method)
Seq2SeqAttention (class in block_zoo.attentions.Seq2SeqAttention)
Seq2SeqAttentionConf (class in block_zoo.attentions.Seq2SeqAttention)
seq_tag_f1() (metrics.Evaluator.Evaluator method)
sequence_tagging (settings.ProblemTypes attribute)
settings (module)
SLUDecoder (class in block_zoo.encoder_decoder.SLUDecoder)
SLUDecoderConf (class in block_zoo.encoder_decoder.SLUDecoder)
SLUEncoder (class in block_zoo.encoder_decoder.SLUEncoder)
SLUEncoderConf (class in block_zoo.encoder_decoder.SLUEncoder)
span_tokenize() (core.EnglishTokenizer.EnglishTokenizer method)
split_array() (in module utils.corpus_utils)
split_array_averagely() (in module utils.corpus_utils)
split_heads() (block_zoo.transformer.MultiHeadAttention.MultiHeadAttention method)
splitTag() (in module metrics.conlleval)
startOfChunk() (in module metrics.conlleval)
step() (core.LRScheduler.LRScheduler method)
StreamingRecorder (class in core.StreamingRecorder)
T
TaggingSchemes (class in settings)
tensor_reverse() (block_zoo.BiQRNN.QRNN method)
test (module)
test() (LearningMachine.LearningMachine method)
text_to_word_sequence() (in module utils.corpus_utils)
to_categorical() (in module utils.corpus_utils)
to_conll_format() (in module metrics.conlleval)
tokenize() (core.EnglishTokenizer.EnglishTokenizer method)
torch_save() (utils.philly_utils.HDFSDirectTransferer method)
train (module)
train() (LearningMachine.LearningMachine method)
transfer_to_gpu() (in module utils.common_utils)
transform_params2tensors() (in module utils.common_utils)
transform_tensors2params() (in module utils.common_utils)
Transformer (class in block_zoo.Transformer)
TransformerConf (class in block_zoo.Transformer)
U
use_parent_doc() (utils.DocInherit.DocInherit method)
utils (module)
utils.BPEEncoder (module)
utils.common_utils (module)
utils.corpus_utils (module)
utils.DocInherit (module)
utils.exceptions (module)
utils.philly_utils (module)
V
varify (block_zoo.math.MatrixMultiply.MatrixMultiplyConf attribute)
verify() (block_zoo.attentions.Attention.AttentionConf method)
(block_zoo.BaseLayer.BaseConf method)
(block_zoo.BiGRU.BiGRUConf method)
(block_zoo.BiGRULast.BiGRULastConf method)
(block_zoo.BiLSTM.BiLSTMConf method)
(block_zoo.BiLSTMAtt.BiLSTMAttConf method)
(block_zoo.BiLSTMLast.BiLSTMLastConf method)
(block_zoo.BiQRNN.BiQRNNConf method)
(block_zoo.Conv.ConvConf method)
(block_zoo.ConvPooling.ConvPoolingConf method)
(block_zoo.Dropout.DropoutConf method)
(block_zoo.Embedding.EmbeddingConf method)
(block_zoo.EncoderDecoder.EncoderDecoderConf method)
(block_zoo.Flatten.FlattenConf method)
(block_zoo.HighwayLinear.HighwayLinearConf method)
(block_zoo.Linear.LinearConf method)
(block_zoo.Pooling.PoolingConf method)
(block_zoo.Transformer.TransformerConf method)
(block_zoo.attentions.BiAttFlow.BiAttFlowConf method)
(block_zoo.attentions.BilinearAttention.BilinearAttentionConf method)
(block_zoo.attentions.FullAttention.FullAttentionConf method)
(block_zoo.attentions.LinearAttention.LinearAttentionConf method)
(block_zoo.attentions.MatchAttention.MatchAttentionConf method)
(block_zoo.attentions.Seq2SeqAttention.Seq2SeqAttentionConf method)
(block_zoo.embedding.CNNCharEmbedding.CNNCharEmbeddingConf method)
(block_zoo.encoder_decoder.SLUDecoder.SLUDecoderConf method)
(block_zoo.encoder_decoder.SLUEncoder.SLUEncoderConf method)
(block_zoo.math.Add2D.Add2DConf method)
(block_zoo.math.Add3D.Add3DConf method)
(block_zoo.math.ElementWisedMultiply2D.ElementWisedMultiply2DConf method)
(block_zoo.math.ElementWisedMultiply3D.ElementWisedMultiply3DConf method)
(block_zoo.math.Minus2D.Minus2DConf method)
(block_zoo.math.Minus3D.Minus3DConf method)
(block_zoo.normalizations.LayerNorm.LayerNormConf method)
(block_zoo.op.Combination.CombinationConf method)
(block_zoo.op.Concat2D.Concat2DConf method)
(block_zoo.op.Concat3D.Concat3DConf method)
(block_zoo.transformer.MLP.MLPConf method)
(block_zoo.transformer.MultiHeadAttention.MultiHeadAttentionConf method)
verify_before_inference() (block_zoo.attentions.FullAttention.FullAttentionConf method)
(block_zoo.BaseLayer.BaseConf method)
(block_zoo.BiGRULast.BiGRULastConf method)
(block_zoo.BiLSTMAtt.BiLSTMAttConf method)
(block_zoo.Conv.ConvConf method)
(block_zoo.ConvPooling.ConvPoolingConf method)
(block_zoo.Embedding.EmbeddingConf method)
(block_zoo.EncoderDecoder.EncoderDecoderConf method)
(block_zoo.Linear.LinearConf method)
(block_zoo.attentions.LinearAttention.LinearAttentionConf method)
(block_zoo.encoder_decoder.SLUEncoder.SLUEncoderConf method)
verify_cache() (in module train)
W
weighted_f1() (metrics.Evaluator.Evaluator method)
weighted_precision() (metrics.Evaluator.Evaluator method)
weighted_recall() (metrics.Evaluator.Evaluator method)
weighted_sum (settings.LossOperationType attribute)