sgnlp
Quickstart
Advanced Tutorial
API Reference
sgnlp
»
Index
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
L
|
M
|
N
|
P
|
R
|
S
|
T
|
U
|
V
|
W
_
__call__() (CsgecPostprocessor method)
(CsgecPreprocessor method)
(LsrPostprocessor method)
(LsrPreprocessor method)
(RecconEmotionEntailmentPostprocessor method)
(RecconEmotionEntailmentPreprocessor method)
(RecconSpanExtractionPostprocessor method)
(RecconSpanExtractionPreprocessor method)
(RstPostprocessor method)
(RstPreprocessor method)
(SenticGCNBasePostprocessor method)
(SenticGCNBertPreprocessor method)
(SenticGCNBertTokenizer method)
(SenticGCNPreprocessor method)
(UFDPreprocessor method)
(UFDTokenizer method)
A
adjust_learning_rate() (in module sgnlp.models.rst_pointer.train)
apply_no_ans_threshold() (in module sgnlp.models.span_extraction.evaluate_squad)
aspect (SenticGCNBertData attribute)
(SenticGCNData attribute)
aspect_token_indexes (SenticGCNBertData attribute)
(SenticGCNData attribute)
Attention (class in sgnlp.models.rumour_detection_twitter.modules.layer.attention)
B
BaseAllenNlpModel (class in sgnlp.utils.base_model)
Beam (class in sgnlp.models.csgec.utils)
Bert (class in sgnlp.models.lsr.modules.bert)
BucketIterator (class in sgnlp.models.sentic_gcn.utils)
Buffer (class in sgnlp.models.csgec.utils)
build_embedding_matrix() (in module sgnlp.models.sentic_gcn.utils)
build_embedding_model() (SenticGCNEmbeddingModel class method)
build_inputs_with_special_tokens() (CsgTokenizer method)
build_model_group() (UFDModelBuilder method)
C
calculate_results() (in module sgnlp.models.span_extraction.utils)
check_accuracy() (in module sgnlp.models.rst_pointer.train)
check_requirements() (in module sgnlp.utils.requirements)
clean_text() (in module sgnlp.models.rumour_detection_twitter.utils)
compute() (LsrMetrics method)
compute_exact() (in module sgnlp.models.span_extraction.evaluate_squad)
compute_f1() (in module sgnlp.models.span_extraction.evaluate_squad)
config_class (CsgPreTrainedModel attribute)
(LsrPreTrainedModel attribute)
(RstPointerParserPreTrainedModel attribute)
(RstPointerSegmenterPreTrainedModel attribute)
(RumourDetectionTwitterPreTrainedModel attribute)
(SenticGCNBertPreTrainedModel attribute)
(SenticGCNEmbeddingPreTrainedModel attribute)
(SenticGCNPreTrainedModel attribute)
(UFDAdaptorDomainPreTrainedModel attribute)
(UFDAdaptorGlobalPreTrainedModel attribute)
(UFDClassifierPreTrainedModel attribute)
(UFDCombineFeaturesMapPreTrainedModel attribute)
contains_ambiguous_end_of_sentence() (in module sgnlp.models.rst_pointer.data_prep)
contains_end_of_sentence() (in module sgnlp.models.rst_pointer.data_prep)
contains_full_span() (in module sgnlp.models.rst_pointer.data_prep)
ContextGate (class in sgnlp.models.csgec.modules.context_gate)
ConvAttention (class in sgnlp.models.csgec.modules.conv_attention)
ConvDecoder (class in sgnlp.models.csgec.modules.conv_decoder)
ConvEncoder (class in sgnlp.models.csgec.modules.conv_encoder)
convert_df_to_dataset() (in module sgnlp.models.emotion_entailment.utils)
convert_df_to_examples() (in module sgnlp.models.emotion_entailment.utils)
convert_example_to_feature() (in module sgnlp.models.emotion_entailment.utils)
convert_examples_to_features() (in module sgnlp.models.emotion_entailment.utils)
convert_tokens_to_string() (CsgTokenizer method)
ConvGLU (class in sgnlp.models.csgec.modules.conv_glu)
ConvGLUDecoder (class in sgnlp.models.csgec.modules.conv_glu)
create_classifiers() (in module sgnlp.models.ufd.utils)
create_dataset_embedding() (in module sgnlp.models.ufd.utils)
create_train_embeddings() (in module sgnlp.models.ufd.utils)
create_unsupervised_models() (in module sgnlp.models.ufd.utils)
create_val_test_embeddings() (in module sgnlp.models.ufd.utils)
CsgConfig (class in sgnlp.models.csgec.config)
CsgecPostprocessor (class in sgnlp.models.csgec.postprocess)
CsgecPreprocessor (class in sgnlp.models.csgec.preprocess)
CsgModel (class in sgnlp.models.csgec.modeling)
CsgPreTrainedModel (class in sgnlp.models.csgec.modeling)
CsgTokenizer (class in sgnlp.models.csgec.tokenization)
CsvWriter (class in sgnlp.utils.csv_writer)
D
decoder() (RstPointerSegmenterModel method)
DecoderRNN (class in sgnlp.models.rst_pointer.modules.decoder_rnn)
DiscourseTreeNode (class in sgnlp.models.rst_pointer.modules.type)
DiscourseTreeSplit (class in sgnlp.models.rst_pointer.modules.type)
DocredDataset (class in sgnlp.models.lsr.train)
download_tokenizer_files() (in module sgnlp.models.csgec.utils)
(in module sgnlp.models.sentic_gcn.utils)
download_tokenizer_files_from_azure() (in module sgnlp.models.rumour_detection_twitter.utils)
download_url_file() (in module sgnlp.models.csgec.utils)
(in module sgnlp.models.rumour_detection_twitter.utils)
(in module sgnlp.models.sentic_gcn.utils)
DynamicLSTM (class in sgnlp.models.sentic_gcn.modules.dynamic_rnn)
DynamicReasoner (class in sgnlp.models.lsr.modules.reasoner)
E
encode_dataset() (in module sgnlp.models.rumour_detection_twitter.utils)
Encoder (class in sgnlp.models.lsr.modules.encoder)
EncoderRNN (class in sgnlp.models.rst_pointer.modules.encoder_rnn)
end_logits (RawResult attribute)
evaluate() (in module sgnlp.models.emotion_entailment.eval)
(in module sgnlp.models.span_extraction.eval)
(in module sgnlp.models.ufd.eval)
(SenticGCNBertEvaluator method)
(SenticGCNEvaluator method)
evaluate_results() (in module sgnlp.models.span_extraction.utils)
extract_embeddings() (in module sgnlp.models.ufd.utils)
extract_mdp_node() (LsrPreprocessor method)
F
FeedForwardNetwork (class in sgnlp.models.rumour_detection_twitter.modules.layer.feedforward_network)
FileFormat (class in sgnlp.models.rst_pointer.modules.type)
find_all_best_thresh() (in module sgnlp.models.span_extraction.evaluate_squad)
find_best_thresh() (in module sgnlp.models.span_extraction.evaluate_squad)
forward() (Attention method)
(ContextGate method)
(ConvAttention method)
(ConvDecoder method)
(ConvEncoder method)
(ConvGLU method)
(ConvGLUDecoder method)
(CsgModel method)
(DecoderRNN method)
(DynamicLSTM method)
(DynamicReasoner method)
(Encoder method)
(EncoderRNN method)
(FeedForwardNetwork method)
(GraphConvLayer method)
(GraphConvolution method)
(HierarchicalTransformer method)
(LabelClassifier method)
(Layer method)
(LearnedPositionEncoder method)
(LsrModel method)
(MultiHeadAttention method)
(PointerAtten method)
(PositionalEmbedding method)
(PositionEncoder method)
(PostModule method)
(RecconEmotionEntailmentModel method)
(RecconSpanExtractionModel method)
(RstPointerParserModel method)
(RstPointerSegmenterModel method)
(RumourDetectionTwitterModel method)
(SelfAttention method)
(SenticGCNBertModel method)
(SenticGCNEmbeddingModel method)
(SenticGCNModel method)
(StructInduction method)
(Transformer method)
(TransformerBaseline method)
(UFDAdaptorDomainModel method)
(UFDAdaptorGlobalModel method)
(UFDClassifierModel method)
(UFDCombineFeaturesMapModel method)
(UFDDeepInfoMaxLossModel method)
(UFDMaxDiscriminatorModel method)
(UFDMinDiscriminatorModel method)
(UFDModel method)
(WordEncoder method)
(WordModule method)
from_file_paths() (LsrPostprocessor static method)
full_text (SenticGCNBertData attribute)
(SenticGCNData attribute)
full_text_tokens (SenticGCNBertData attribute)
(SenticGCNData attribute)
full_text_with_bert_tokens (SenticGCNBertData attribute)
G
generate_datasets() (SenticGCNDatasetGenerator method)
generate_dependency_adj_matrix() (in module sgnlp.models.sentic_gcn.utils)
generate_test_datasets() (SenticGCNDatasetGenerator method)
generate_train_val_dataset() (in module sgnlp.models.ufd.utils)
get_accuracy() (in module sgnlp.models.rst_pointer.train)
get_all_evidence_utterance_from_conversation() (in module sgnlp.models.emotion_entailment.utils)
(in module sgnlp.models.span_extraction.utils)
get_attention_masks() (in module sgnlp.models.rumour_detection_twitter.utils)
get_batch_data() (in module sgnlp.models.rst_pointer.train)
get_batch_data_training() (in module sgnlp.models.rst_pointer.train)
get_batch_measure() (in module sgnlp.models.rst_pointer.train)
get_batch_metric() (in module sgnlp.models.rst_pointer.train)
get_batch_micro_metric() (in module sgnlp.models.rst_pointer.train)
get_batch_test() (in module sgnlp.models.rst_pointer.train)
get_best_predictions() (in module sgnlp.models.span_extraction.utils)
get_default_device() (in module sgnlp.models.lsr.utils)
get_discourse_nodes_slice() (in module sgnlp.models.rst_pointer.data_prep)
get_edu_spans() (in module sgnlp.models.rst_pointer.data_prep)
get_elmo_char_ids() (RstPreprocessor method)
get_examples() (in module sgnlp.models.span_extraction.utils)
get_final_text() (in module sgnlp.models.span_extraction.utils)
get_measurement() (in module sgnlp.models.rst_pointer.train)
get_micro_measure() (in module sgnlp.models.rst_pointer.train)
get_optimizer() (in module sgnlp.models.lsr.train)
get_pairs() (in module sgnlp.models.csgec.tokenization)
get_raw_scores() (in module sgnlp.models.span_extraction.evaluate_squad)
get_relation_and_nucleus() (in module sgnlp.models.rst_pointer.utils)
get_relation_label_from_split() (in module sgnlp.models.rst_pointer.data_prep)
get_relation_label_index() (in module sgnlp.models.rst_pointer.data_prep)
get_sentence_edu_spans_from_discourse_tree_nodes() (in module sgnlp.models.rst_pointer.data_prep)
get_source2target_domain_mapping() (in module sgnlp.models.ufd.utils)
get_span_dict() (in module sgnlp.models.rst_pointer.train)
get_span_key_and_node_value() (in module sgnlp.models.rst_pointer.train)
get_splits_order_label() (in module sgnlp.models.rst_pointer.data_prep)
get_tokenized_sentence_and_edu_breaks() (in module sgnlp.models.rst_pointer.data_prep)
get_tokens() (in module sgnlp.models.span_extraction.evaluate_squad)
get_vocab() (SenticGCNTokenizer method)
GraphConvLayer (class in sgnlp.models.lsr.modules.gcn)
GraphConvolution (class in sgnlp.models.sentic_gcn.modules.gcn)
H
h_t_idx_generator() (in module sgnlp.models.lsr.utils)
HierarchicalTransformer (class in sgnlp.models.rumour_detection_twitter.modules.transformer.hierarchical_transformer)
histogram_na_prob() (in module sgnlp.models.span_extraction.evaluate_squad)
I
idx2ht() (in module sgnlp.models.lsr.utils)
initialize_elmo() (in module sgnlp.models.rst_pointer.modules.elmo)
InputExample (class in sgnlp.models.emotion_entailment.utils)
InputFeatures (class in sgnlp.models.emotion_entailment.utils)
(class in sgnlp.models.span_extraction.utils)
is_leaf() (in module sgnlp.models.rst_pointer.data_prep)
J
join_document() (in module sgnlp.models.lsr.utils)
L
LabelClassifier (class in sgnlp.models.rst_pointer.modules.classifier)
Layer (class in sgnlp.models.rumour_detection_twitter.modules.layer.layer)
lcs() (in module sgnlp.models.span_extraction.utils)
LearnedPositionEncoder (class in sgnlp.models.rumour_detection_twitter.modules.encoder.learned_position_encoder)
left_text (SenticGCNBertData attribute)
(SenticGCNData attribute)
load_and_process_senticnet() (in module sgnlp.models.sentic_gcn.utils)
load_datasets() (in module sgnlp.models.rumour_detection_twitter.utils)
load_examples() (in module sgnlp.models.emotion_entailment.utils)
(in module sgnlp.models.span_extraction.utils)
load_labelled() (in module sgnlp.models.ufd.utils)
load_preprocessed_dataset() (in module sgnlp.models.rumour_detection_twitter.utils)
load_pretrained_embedding() (RumourDetectionTwitterModel method)
load_trained_models() (in module sgnlp.models.ufd.utils)
load_transform_dataset() (in module sgnlp.models.rumour_detection_twitter.utils)
load_unlabelled() (in module sgnlp.models.ufd.utils)
load_word_vec() (in module sgnlp.models.sentic_gcn.utils)
lsr_collate_fn() (in module sgnlp.models.lsr.train)
LsrConfig (class in sgnlp.models.lsr.config)
LsrMetrics (class in sgnlp.models.lsr.train)
LsrModel (class in sgnlp.models.lsr.modeling)
LsrModelOutput (class in sgnlp.models.lsr.modeling)
LsrPostprocessor (class in sgnlp.models.lsr.postprocess)
LsrPreprocessor (class in sgnlp.models.lsr.preprocess)
LsrPreTrainedModel (class in sgnlp.models.lsr.modeling)
M
main() (in module sgnlp.models.rst_pointer.data_prep)
(in module sgnlp.models.span_extraction.evaluate_squad)
make_eval_dict() (in module sgnlp.models.span_extraction.evaluate_squad)
make_precision_recall_eval() (in module sgnlp.models.span_extraction.evaluate_squad)
make_qid_to_has_ans() (in module sgnlp.models.span_extraction.evaluate_squad)
merge_eval() (in module sgnlp.models.span_extraction.evaluate_squad)
model_map() (UFDModelBuilder property)
module
sgnlp
sgnlp.models
sgnlp.models.csgec
sgnlp.models.csgec.config
sgnlp.models.csgec.modeling
sgnlp.models.csgec.modules
sgnlp.models.csgec.modules.context_gate
sgnlp.models.csgec.modules.conv_attention
sgnlp.models.csgec.modules.conv_decoder
sgnlp.models.csgec.modules.conv_encoder
sgnlp.models.csgec.modules.conv_glu
sgnlp.models.csgec.modules.positional_embedding
sgnlp.models.csgec.postprocess
sgnlp.models.csgec.preprocess
sgnlp.models.csgec.tokenization
sgnlp.models.csgec.utils
sgnlp.models.emotion_entailment
sgnlp.models.emotion_entailment.config
sgnlp.models.emotion_entailment.data_class
sgnlp.models.emotion_entailment.eval
sgnlp.models.emotion_entailment.modeling
sgnlp.models.emotion_entailment.postprocess
sgnlp.models.emotion_entailment.preprocess
sgnlp.models.emotion_entailment.tokenization
sgnlp.models.emotion_entailment.train
sgnlp.models.emotion_entailment.utils
sgnlp.models.lsr
sgnlp.models.lsr.config
sgnlp.models.lsr.modeling
sgnlp.models.lsr.modules
sgnlp.models.lsr.modules.attention
sgnlp.models.lsr.modules.bert
sgnlp.models.lsr.modules.encoder
sgnlp.models.lsr.modules.gcn
sgnlp.models.lsr.modules.reasoner
sgnlp.models.lsr.postprocess
sgnlp.models.lsr.preprocess
sgnlp.models.lsr.train
sgnlp.models.lsr.utils
sgnlp.models.rst_pointer
sgnlp.models.rst_pointer.config
sgnlp.models.rst_pointer.data_class
sgnlp.models.rst_pointer.data_prep
sgnlp.models.rst_pointer.eval
sgnlp.models.rst_pointer.modeling
sgnlp.models.rst_pointer.modules
sgnlp.models.rst_pointer.modules.classifier
sgnlp.models.rst_pointer.modules.decoder_rnn
sgnlp.models.rst_pointer.modules.elmo
sgnlp.models.rst_pointer.modules.encoder_rnn
sgnlp.models.rst_pointer.modules.pointer_attention
sgnlp.models.rst_pointer.modules.type
sgnlp.models.rst_pointer.postprocess
sgnlp.models.rst_pointer.preprocess
sgnlp.models.rst_pointer.train
sgnlp.models.rst_pointer.utils
sgnlp.models.rumour_detection_twitter
sgnlp.models.rumour_detection_twitter.config
sgnlp.models.rumour_detection_twitter.modeling
sgnlp.models.rumour_detection_twitter.modules
sgnlp.models.rumour_detection_twitter.modules.encoder
sgnlp.models.rumour_detection_twitter.modules.encoder.learned_position_encoder
sgnlp.models.rumour_detection_twitter.modules.encoder.position_encoder
sgnlp.models.rumour_detection_twitter.modules.encoder.word_encoder
sgnlp.models.rumour_detection_twitter.modules.layer
sgnlp.models.rumour_detection_twitter.modules.layer.attention
sgnlp.models.rumour_detection_twitter.modules.layer.feedforward_network
sgnlp.models.rumour_detection_twitter.modules.layer.layer
sgnlp.models.rumour_detection_twitter.modules.layer.multi_head_attention
sgnlp.models.rumour_detection_twitter.modules.optimizer
sgnlp.models.rumour_detection_twitter.modules.optimizer.scheduler
sgnlp.models.rumour_detection_twitter.modules.submodules
sgnlp.models.rumour_detection_twitter.modules.submodules.post_module
sgnlp.models.rumour_detection_twitter.modules.submodules.word_module
sgnlp.models.rumour_detection_twitter.modules.transformer
sgnlp.models.rumour_detection_twitter.modules.transformer.hierarchical_transformer
sgnlp.models.rumour_detection_twitter.modules.transformer.transformer
sgnlp.models.rumour_detection_twitter.modules.transformer.transformer_baseline
sgnlp.models.rumour_detection_twitter.tokenization
sgnlp.models.rumour_detection_twitter.train
sgnlp.models.rumour_detection_twitter.utils
sgnlp.models.sentic_gcn
sgnlp.models.sentic_gcn.config
sgnlp.models.sentic_gcn.data_class
sgnlp.models.sentic_gcn.eval
sgnlp.models.sentic_gcn.modeling
sgnlp.models.sentic_gcn.modules
sgnlp.models.sentic_gcn.modules.dynamic_rnn
sgnlp.models.sentic_gcn.modules.gcn
sgnlp.models.sentic_gcn.postprocess
sgnlp.models.sentic_gcn.preprocess
sgnlp.models.sentic_gcn.tokenization
sgnlp.models.sentic_gcn.train
sgnlp.models.sentic_gcn.utils
sgnlp.models.span_extraction
sgnlp.models.span_extraction.config
sgnlp.models.span_extraction.data_class
sgnlp.models.span_extraction.eval
sgnlp.models.span_extraction.evaluate_squad
sgnlp.models.span_extraction.modeling
sgnlp.models.span_extraction.postprocess
sgnlp.models.span_extraction.preprocess
sgnlp.models.span_extraction.tokenization
sgnlp.models.span_extraction.train
sgnlp.models.span_extraction.utils
sgnlp.models.ufd
sgnlp.models.ufd.config
sgnlp.models.ufd.data_class
sgnlp.models.ufd.eval
sgnlp.models.ufd.model_builder
sgnlp.models.ufd.modeling
sgnlp.models.ufd.preprocess
sgnlp.models.ufd.tokenization
sgnlp.models.ufd.train
sgnlp.models.ufd.utils
sgnlp.utils
sgnlp.utils.base_model
sgnlp.utils.csv_writer
sgnlp.utils.requirements
MultiHeadAttention (class in sgnlp.models.rumour_detection_twitter.modules.layer.multi_head_attention)
MyAdagrad (class in sgnlp.models.lsr.train)
N
normalize_answer() (in module sgnlp.models.span_extraction.evaluate_squad)
normalize_nodes_slice() (in module sgnlp.models.rst_pointer.data_prep)
P
pad_and_truncate() (in module sgnlp.models.sentic_gcn.utils)
pad_batched_sequences() (in module sgnlp.models.rumour_detection_twitter.utils)
pad_sequence() (in module sgnlp.models.rumour_detection_twitter.utils)
pad_structure() (in module sgnlp.models.rumour_detection_twitter.utils)
parse_args() (in module sgnlp.models.lsr.train)
(in module sgnlp.models.rumour_detection_twitter.train)
(in module sgnlp.models.span_extraction.evaluate_squad)
parse_args_and_load_config() (in module sgnlp.models.emotion_entailment.utils)
(in module sgnlp.models.rst_pointer.utils)
(in module sgnlp.models.sentic_gcn.utils)
(in module sgnlp.models.span_extraction.utils)
(in module sgnlp.models.ufd.utils)
parse_discourse_tree() (in module sgnlp.models.rst_pointer.data_prep)
parse_discourse_tree_helper() (in module sgnlp.models.rst_pointer.data_prep)
parse_discourse_tree_node() (in module sgnlp.models.rst_pointer.data_prep)
plot_pr_curve() (in module sgnlp.models.span_extraction.evaluate_squad)
PointerAtten (class in sgnlp.models.rst_pointer.modules.pointer_attention)
PositionalEmbedding (class in sgnlp.models.csgec.modules.positional_embedding)
PositionEncoder (class in sgnlp.models.rumour_detection_twitter.modules.encoder.position_encoder)
PostModule (class in sgnlp.models.rumour_detection_twitter.modules.submodules.post_module)
prepare_output_sentence() (in module sgnlp.models.csgec.postprocess)
prepare_sentences() (in module sgnlp.models.csgec.preprocess)
prepare_word_pos() (RumourDetectionTwitterModel method)
R
RawResult (class in sgnlp.models.span_extraction.utils)
read_discourse_tree() (in module sgnlp.models.rst_pointer.data_prep)
read_edus() (in module sgnlp.models.rst_pointer.data_prep)
read_sentences() (in module sgnlp.models.rst_pointer.data_prep)
read_sentences_for_file_format() (in module sgnlp.models.rst_pointer.data_prep)
read_sentences_for_wsj_format() (in module sgnlp.models.rst_pointer.data_prep)
RecconEmotionEntailmentArguments (class in sgnlp.models.emotion_entailment.data_class)
RecconEmotionEntailmentConfig (class in sgnlp.models.emotion_entailment.config)
RecconEmotionEntailmentData (class in sgnlp.models.emotion_entailment.utils)
RecconEmotionEntailmentModel (class in sgnlp.models.emotion_entailment.modeling)
RecconEmotionEntailmentPostprocessor (class in sgnlp.models.emotion_entailment.postprocess)
RecconEmotionEntailmentPreprocessor (class in sgnlp.models.emotion_entailment.preprocess)
RecconEmotionEntailmentTokenizer (class in sgnlp.models.emotion_entailment.tokenization)
RecconSpanExtractionArguments (class in sgnlp.models.span_extraction.data_class)
RecconSpanExtractionConfig (class in sgnlp.models.span_extraction.config)
RecconSpanExtractionData (class in sgnlp.models.span_extraction.utils)
RecconSpanExtractionModel (class in sgnlp.models.span_extraction.modeling)
RecconSpanExtractionPostprocessor (class in sgnlp.models.span_extraction.postprocess)
RecconSpanExtractionPreprocessor (class in sgnlp.models.span_extraction.preprocess)
RecconSpanExtractionTokenizer (class in sgnlp.models.span_extraction.tokenization)
RstPointerParserConfig (class in sgnlp.models.rst_pointer.config)
RstPointerParserModel (class in sgnlp.models.rst_pointer.modeling)
RstPointerParserModelOutput (class in sgnlp.models.rst_pointer.modeling)
RstPointerParserPreTrainedModel (class in sgnlp.models.rst_pointer.modeling)
RstPointerParserTrainArgs (class in sgnlp.models.rst_pointer.data_class)
RstPointerSegmenterConfig (class in sgnlp.models.rst_pointer.config)
RstPointerSegmenterModel (class in sgnlp.models.rst_pointer.modeling)
RstPointerSegmenterModelOutput (class in sgnlp.models.rst_pointer.modeling)
RstPointerSegmenterPreTrainedModel (class in sgnlp.models.rst_pointer.modeling)
RstPointerSegmenterTrainArgs (class in sgnlp.models.rst_pointer.data_class)
RstPostprocessor (class in sgnlp.models.rst_pointer.postprocess)
RstPreprocessor (class in sgnlp.models.rst_pointer.preprocess)
RumourDetectionTwitterConfig (class in sgnlp.models.rumour_detection_twitter.config)
RumourDetectionTwitterModel (class in sgnlp.models.rumour_detection_twitter.modeling)
RumourDetectionTwitterModelOutput (class in sgnlp.models.rumour_detection_twitter.modeling)
RumourDetectionTwitterPreTrainedModel (class in sgnlp.models.rumour_detection_twitter.modeling)
RumourDetectionTwitterTokenizer (class in sgnlp.models.rumour_detection_twitter.tokenization)
run_precision_recall_analysis() (in module sgnlp.models.span_extraction.evaluate_squad)
S
sample_a_sorted_batch_from_numpy() (in module sgnlp.models.rst_pointer.train)
sample_batch() (in module sgnlp.models.rst_pointer.train)
save_vocabulary() (SenticGCNTokenizer method)
SelfAttention (class in sgnlp.models.lsr.modules.attention)
SenticGCNBaseEvaluator (class in sgnlp.models.sentic_gcn.eval)
SenticGCNBasePostprocessor (class in sgnlp.models.sentic_gcn.postprocess)
SenticGCNBasePreprocessor (class in sgnlp.models.sentic_gcn.preprocess)
SenticGCNBaseTrainer (class in sgnlp.models.sentic_gcn.train)
SenticGCNBertConfig (class in sgnlp.models.sentic_gcn.config)
SenticGCNBertData (class in sgnlp.models.sentic_gcn.preprocess)
SenticGCNBertEmbeddingConfig (class in sgnlp.models.sentic_gcn.config)
SenticGCNBertEmbeddingModel (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNBertEvaluator (class in sgnlp.models.sentic_gcn.eval)
SenticGCNBertModel (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNBertModelOutput (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNBertPostprocessor (class in sgnlp.models.sentic_gcn.postprocess)
SenticGCNBertPreprocessor (class in sgnlp.models.sentic_gcn.preprocess)
SenticGCNBertPreTrainedModel (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNBertTokenizer (class in sgnlp.models.sentic_gcn.tokenization)
SenticGCNBertTrainer (class in sgnlp.models.sentic_gcn.train)
SenticGCNConfig (class in sgnlp.models.sentic_gcn.config)
SenticGCNData (class in sgnlp.models.sentic_gcn.preprocess)
SenticGCNDataset (class in sgnlp.models.sentic_gcn.utils)
SenticGCNDatasetGenerator (class in sgnlp.models.sentic_gcn.utils)
SenticGCNEmbeddingConfig (class in sgnlp.models.sentic_gcn.config)
SenticGCNEmbeddingModel (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNEmbeddingPreTrainedModel (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNEvaluator (class in sgnlp.models.sentic_gcn.eval)
SenticGCNModel (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNModelOutput (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNPostprocessor (class in sgnlp.models.sentic_gcn.postprocess)
SenticGCNPreprocessor (class in sgnlp.models.sentic_gcn.preprocess)
SenticGCNPreTrainedModel (class in sgnlp.models.sentic_gcn.modeling)
SenticGCNTokenizer (class in sgnlp.models.sentic_gcn.tokenization)
SenticGCNTrainArgs (class in sgnlp.models.sentic_gcn.data_class)
SenticGCNTrainer (class in sgnlp.models.sentic_gcn.train)
set_random_seed() (in module sgnlp.models.sentic_gcn.utils)
setup() (in module sgnlp.models.rst_pointer.train)
sgnlp
module
sgnlp.models
module
sgnlp.models.csgec
module
sgnlp.models.csgec.config
module
sgnlp.models.csgec.modeling
module
sgnlp.models.csgec.modules
module
sgnlp.models.csgec.modules.context_gate
module
sgnlp.models.csgec.modules.conv_attention
module
sgnlp.models.csgec.modules.conv_decoder
module
sgnlp.models.csgec.modules.conv_encoder
module
sgnlp.models.csgec.modules.conv_glu
module
sgnlp.models.csgec.modules.positional_embedding
module
sgnlp.models.csgec.postprocess
module
sgnlp.models.csgec.preprocess
module
sgnlp.models.csgec.tokenization
module
sgnlp.models.csgec.utils
module
sgnlp.models.emotion_entailment
module
sgnlp.models.emotion_entailment.config
module
sgnlp.models.emotion_entailment.data_class
module
sgnlp.models.emotion_entailment.eval
module
sgnlp.models.emotion_entailment.modeling
module
sgnlp.models.emotion_entailment.postprocess
module
sgnlp.models.emotion_entailment.preprocess
module
sgnlp.models.emotion_entailment.tokenization
module
sgnlp.models.emotion_entailment.train
module
sgnlp.models.emotion_entailment.utils
module
sgnlp.models.lsr
module
sgnlp.models.lsr.config
module
sgnlp.models.lsr.modeling
module
sgnlp.models.lsr.modules
module
sgnlp.models.lsr.modules.attention
module
sgnlp.models.lsr.modules.bert
module
sgnlp.models.lsr.modules.encoder
module
sgnlp.models.lsr.modules.gcn
module
sgnlp.models.lsr.modules.reasoner
module
sgnlp.models.lsr.postprocess
module
sgnlp.models.lsr.preprocess
module
sgnlp.models.lsr.train
module
sgnlp.models.lsr.utils
module
sgnlp.models.rst_pointer
module
sgnlp.models.rst_pointer.config
module
sgnlp.models.rst_pointer.data_class
module
sgnlp.models.rst_pointer.data_prep
module
sgnlp.models.rst_pointer.eval
module
sgnlp.models.rst_pointer.modeling
module
sgnlp.models.rst_pointer.modules
module
sgnlp.models.rst_pointer.modules.classifier
module
sgnlp.models.rst_pointer.modules.decoder_rnn
module
sgnlp.models.rst_pointer.modules.elmo
module
sgnlp.models.rst_pointer.modules.encoder_rnn
module
sgnlp.models.rst_pointer.modules.pointer_attention
module
sgnlp.models.rst_pointer.modules.type
module
sgnlp.models.rst_pointer.postprocess
module
sgnlp.models.rst_pointer.preprocess
module
sgnlp.models.rst_pointer.train
module
sgnlp.models.rst_pointer.utils
module
sgnlp.models.rumour_detection_twitter
module
sgnlp.models.rumour_detection_twitter.config
module
sgnlp.models.rumour_detection_twitter.modeling
module
sgnlp.models.rumour_detection_twitter.modules
module
sgnlp.models.rumour_detection_twitter.modules.encoder
module
sgnlp.models.rumour_detection_twitter.modules.encoder.learned_position_encoder
module
sgnlp.models.rumour_detection_twitter.modules.encoder.position_encoder
module
sgnlp.models.rumour_detection_twitter.modules.encoder.word_encoder
module
sgnlp.models.rumour_detection_twitter.modules.layer
module
sgnlp.models.rumour_detection_twitter.modules.layer.attention
module
sgnlp.models.rumour_detection_twitter.modules.layer.feedforward_network
module
sgnlp.models.rumour_detection_twitter.modules.layer.layer
module
sgnlp.models.rumour_detection_twitter.modules.layer.multi_head_attention
module
sgnlp.models.rumour_detection_twitter.modules.optimizer
module
sgnlp.models.rumour_detection_twitter.modules.optimizer.scheduler
module
sgnlp.models.rumour_detection_twitter.modules.submodules
module
sgnlp.models.rumour_detection_twitter.modules.submodules.post_module
module
sgnlp.models.rumour_detection_twitter.modules.submodules.word_module
module
sgnlp.models.rumour_detection_twitter.modules.transformer
module
sgnlp.models.rumour_detection_twitter.modules.transformer.hierarchical_transformer
module
sgnlp.models.rumour_detection_twitter.modules.transformer.transformer
module
sgnlp.models.rumour_detection_twitter.modules.transformer.transformer_baseline
module
sgnlp.models.rumour_detection_twitter.tokenization
module
sgnlp.models.rumour_detection_twitter.train
module
sgnlp.models.rumour_detection_twitter.utils
module
sgnlp.models.sentic_gcn
module
sgnlp.models.sentic_gcn.config
module
sgnlp.models.sentic_gcn.data_class
module
sgnlp.models.sentic_gcn.eval
module
sgnlp.models.sentic_gcn.modeling
module
sgnlp.models.sentic_gcn.modules
module
sgnlp.models.sentic_gcn.modules.dynamic_rnn
module
sgnlp.models.sentic_gcn.modules.gcn
module
sgnlp.models.sentic_gcn.postprocess
module
sgnlp.models.sentic_gcn.preprocess
module
sgnlp.models.sentic_gcn.tokenization
module
sgnlp.models.sentic_gcn.train
module
sgnlp.models.sentic_gcn.utils
module
sgnlp.models.span_extraction
module
sgnlp.models.span_extraction.config
module
sgnlp.models.span_extraction.data_class
module
sgnlp.models.span_extraction.eval
module
sgnlp.models.span_extraction.evaluate_squad
module
sgnlp.models.span_extraction.modeling
module
sgnlp.models.span_extraction.postprocess
module
sgnlp.models.span_extraction.preprocess
module
sgnlp.models.span_extraction.tokenization
module
sgnlp.models.span_extraction.train
module
sgnlp.models.span_extraction.utils
module
sgnlp.models.ufd
module
sgnlp.models.ufd.config
module
sgnlp.models.ufd.data_class
module
sgnlp.models.ufd.eval
module
sgnlp.models.ufd.model_builder
module
sgnlp.models.ufd.modeling
module
sgnlp.models.ufd.preprocess
module
sgnlp.models.ufd.tokenization
module
sgnlp.models.ufd.train
module
sgnlp.models.ufd.utils
module
sgnlp.utils
module
sgnlp.utils.base_model
module
sgnlp.utils.csv_writer
module
sgnlp.utils.requirements
module
span_length() (in module sgnlp.models.rst_pointer.data_prep)
span_within() (in module sgnlp.models.rst_pointer.data_prep)
squad_convert_examples_to_features() (in module sgnlp.models.span_extraction.utils)
start_logits (RawResult attribute)
step() (MyAdagrad method)
StructInduction (class in sgnlp.models.lsr.modules.reasoner)
subword_tokenize() (Bert method)
subword_tokenize_to_ids() (Bert method)
T
test_ufd() (in module sgnlp.models.ufd.eval)
to_list() (in module sgnlp.models.span_extraction.utils)
tokenize_threads() (RumourDetectionTwitterTokenizer method)
train() (SenticGCNBertTrainer method)
(SenticGCNTrainer method)
train_model() (in module sgnlp.models.emotion_entailment.train)
(in module sgnlp.models.lsr.train)
(in module sgnlp.models.rumour_detection_twitter.train)
(in module sgnlp.models.span_extraction.train)
train_parser() (in module sgnlp.models.rst_pointer.train)
train_segmenter() (in module sgnlp.models.rst_pointer.train)
transform_discourse_tree_splits_relation_label() (in module sgnlp.models.rst_pointer.data_prep)
Transformer (class in sgnlp.models.rumour_detection_twitter.modules.transformer.transformer)
TransformerBaseline (class in sgnlp.models.rumour_detection_twitter.modules.transformer.transformer_baseline)
truncate_to_max_length() (in module sgnlp.models.span_extraction.utils)
U
UFDAdaptorDomainConfig (class in sgnlp.models.ufd.config)
UFDAdaptorDomainModel (class in sgnlp.models.ufd.modeling)
UFDAdaptorDomainPreTrainedModel (class in sgnlp.models.ufd.modeling)
UFDAdaptorGlobalConfig (class in sgnlp.models.ufd.config)
UFDAdaptorGlobalModel (class in sgnlp.models.ufd.modeling)
UFDAdaptorGlobalPreTrainedModel (class in sgnlp.models.ufd.modeling)
UFDArguments (class in sgnlp.models.ufd.data_class)
UFDClassifierConfig (class in sgnlp.models.ufd.config)
UFDClassifierModel (class in sgnlp.models.ufd.modeling)
UFDClassifierPreTrainedModel (class in sgnlp.models.ufd.modeling)
UFDCombineFeaturesMapConfig (class in sgnlp.models.ufd.config)
UFDCombineFeaturesMapModel (class in sgnlp.models.ufd.modeling)
UFDCombineFeaturesMapPreTrainedModel (class in sgnlp.models.ufd.modeling)
UFDDeepInfoMaxLossModel (class in sgnlp.models.ufd.modeling)
UFDEmbeddingConfig (class in sgnlp.models.ufd.config)
UFDEmbeddingModel (class in sgnlp.models.ufd.modeling)
UFDMaxDiscriminatorModel (class in sgnlp.models.ufd.modeling)
UFDMinDiscriminatorModel (class in sgnlp.models.ufd.modeling)
UFDModel (class in sgnlp.models.ufd.modeling)
UFDModelBuilder (class in sgnlp.models.ufd.model_builder)
UFDModelOutput (class in sgnlp.models.ufd.modeling)
UFDPreprocessor (class in sgnlp.models.ufd.preprocess)
UFDTokenizer (class in sgnlp.models.ufd.tokenization)
unique_id (RawResult attribute)
V
vocab_size() (SenticGCNTokenizer property)
W
WarmupScheduler (class in sgnlp.models.rumour_detection_twitter.modules.optimizer.scheduler)
WordEncoder (class in sgnlp.models.rumour_detection_twitter.modules.encoder.word_encoder)
WordModule (class in sgnlp.models.rumour_detection_twitter.modules.submodules.word_module)
write_predictions() (in module sgnlp.models.span_extraction.utils)