Docs
Tutorials
Install
API
easynlp.appzoo
Data Augmentation
Feature Vectorization
Language Modeling
Sequence Classification
GEEP Classification
Sequence Labeling
Text Matching
easynlp.modelzoo
BERT
TextCNN
DKPLM
GEEP
RoBERTa
GPT2
easynlp.fewshot
PET
CPT
easynlp.distillation
VanillaKD
MetaKD
easynlp.core
Trainer
VanillaTrainer
Evaluator
Optimizer
easynlp.data
Dataset for sequence classification
Dataset for sequence labeling
Dataset for language modeling
easynlp.utils.losses
MSE Loss
CrossEntropy Loss
Vanilla KD Loss
MultiLabel Sigmoid CrossEntropy Loss
Soft Input CrossEntropy Loss
Hinge Loss for Embeddings
easynlp.utils
initialize_easynlp
EasyNLP
»
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
K
|
L
|
M
|
N
|
O
|
P
|
R
|
S
|
T
|
V
|
W
A
after_epoch() (easynlp.core.trainer.Trainer method)
after_iter() (easynlp.core.trainer.Trainer method)
after_train() (easynlp.core.trainer.Trainer method)
(easynlp.core.trainer_vanilla.VanillaTrainer method)
align_dkplm_input() (easynlp.appzoo.language_modeling.data.LanguageModelingDataset method)
attentions (easynlp.modelzoo.models.bert.modeling_bert.BertForPreTrainingOutput attribute)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmForPreTrainingOutput attribute)
(easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModelOutput attribute)
attr_set() (in easynlp.appzoo.geep_classification.model)
autocast_context_manager() (easynlp.core.trainer.Trainer method)
B
batch_fn() (easynlp.appzoo.language_modeling.data.LanguageModelingDataset method)
(easynlp.appzoo.sequence_classification.data.ClassificationDataset method)
(easynlp.appzoo.sequence_labeling.data.SequenceLabelingDataset method)
(easynlp.distillation.distill_metakd_dataset.MetakdSentiClassificationDataset method)
(easynlp.fewshot_learning.fewshot_dataset.FewshotBaseDataset method)
before_epoch() (easynlp.core.trainer.Trainer method)
before_iter() (easynlp.core.trainer.Trainer method)
bert_labeling_convert_example_to_feature() (in easynlp.appzoo.sequence_labeling.data)
BertAdam (class in easynlp.core.optimizers)
BertConfig (class in easynlp.modelzoo.models.bert.modeling_bert)
BertForNextSentencePrediction (class in easynlp.modelzoo.models.bert.modeling_bert)
BertForPreTrainingOutput (class in easynlp.modelzoo.models.bert.modeling_bert)
BertLMHeadModel (class in easynlp.modelzoo.models.bert.modeling_bert)
BertModel (class in easynlp.modelzoo.models.bert.modeling_bert)
C
CircleLoss (class in easynlp.fewshot_learning.fewshot_application)
ClassificationDataset (class in easynlp.appzoo.sequence_classification.data)
compute_loss() (easynlp.appzoo.geep_classification.model.GEEPClassification method)
(easynlp.appzoo.language_modeling.model.LanguageModeling method)
(easynlp.appzoo.sequence_classification.model.SequenceClassification method)
(easynlp.appzoo.sequence_classification.model.SequenceMultiLabelClassification method)
(easynlp.appzoo.sequence_labeling.model.SequenceLabeling method)
(easynlp.appzoo.text_match.model.TextMatch method)
(easynlp.appzoo.text_match.model.TextMatchTwoTower method)
(easynlp.appzoo.text_match.model.TextMatchTwoTowerV1 method)
(easynlp.distillation.distill_application.DistillatoryBaseApplication method)
(easynlp.distillation.meta_modeling.MetaStudentForSequenceClassification method)
(easynlp.distillation.meta_modeling.MetaTeacherForSequenceClassification method)
(easynlp.fewshot_learning.fewshot_application.CPTClassification method)
(easynlp.fewshot_learning.fewshot_application.FewshotClassification method)
convert_single_row_to_example() (easynlp.appzoo.language_modeling.data.LanguageModelingDataset method)
(easynlp.appzoo.sequence_classification.data.ClassificationDataset method)
(easynlp.appzoo.sequence_labeling.data.SequenceLabelingDataset method)
(easynlp.distillation.distill_dataset.DistillatoryBaseDataset method)
(easynlp.distillation.distill_metakd_dataset.MetakdSentiClassificationDataset method)
(easynlp.fewshot_learning.fewshot_dataset.FewshotBaseDataset method)
CPTClassification (class in easynlp.fewshot_learning.fewshot_application)
CPTEvaluator (class in easynlp.fewshot_learning.fewshot_evaluator)
CptFewshotSequenceClassification (class in easynlp.appzoo.sequence_classification.model)
CptFewshotSingleTowerTextMatch (class in easynlp.appzoo.text_match.model)
CPTPredictor (class in easynlp.fewshot_learning.fewshot_predictor)
D
DataAugmentation (class in easynlp.appzoo.data_augmentation.model)
deparallelize() (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModel method)
DistillatoryBaseApplication (class in easynlp.distillation.distill_application)
DistillatoryBaseDataset (class in easynlp.distillation.distill_dataset)
DistillatoryClassificationDataset (class in easynlp.appzoo.sequence_classification.data)
DistillatorySequenceClassification (class in easynlp.appzoo.sequence_classification.model)
DistillatoryTextMatch (class in easynlp.appzoo.text_match.model)
DistillatoryTrainer (class in easynlp.core.distiller)
dkplm_row_data_process() (easynlp.appzoo.language_modeling.data.LanguageModelingDataset method)
DkplmConfig (class in easynlp.modelzoo.models.dkplm.modeling_dkplm)
DkplmForNextSentencePrediction (class in easynlp.modelzoo.models.dkplm.modeling_dkplm)
DkplmForPreTrainingOutput (class in easynlp.modelzoo.models.dkplm.modeling_dkplm)
DkplmLMHeadModel (class in easynlp.modelzoo.models.dkplm.modeling_dkplm)
DkplmModel (class in easynlp.modelzoo.models.dkplm.modeling_dkplm)
E
easynlp.appzoo.data_augmentation.model (module)
easynlp.appzoo.feature_vectorization.model (module)
easynlp.appzoo.geep_classification.model (module)
easynlp.appzoo.language_modeling.data (module)
easynlp.appzoo.language_modeling.model (module)
easynlp.appzoo.sequence_classification.data (module)
easynlp.appzoo.sequence_classification.model (module)
easynlp.appzoo.sequence_labeling.data (module)
easynlp.appzoo.sequence_labeling.model (module)
easynlp.appzoo.text_match.model (module)
easynlp.utils.initializer (module)
easynlp.utils.losses.cross_entropy (module)
easynlp.utils.losses.matching_embedding_hinge_loss (module)
easynlp.utils.losses.mse_loss (module)
easynlp.utils.losses.multi_label_sigmoid_cross_entropy (module)
easynlp.utils.losses.soft_input_cross_entropy (module)
easynlp.utils.losses.vanilla_loss (module)
eval_metrics (easynlp.core.evaluator.Evaluator attribute)
(easynlp.fewshot_learning.fewshot_dataset.FewshotBaseDataset attribute)
evaluate() (easynlp.core.evaluator.Evaluator method)
(easynlp.fewshot_learning.fewshot_evaluator.CPTEvaluator method)
(easynlp.fewshot_learning.fewshot_evaluator.PromptEvaluator method)
Evaluator (class in easynlp.core.evaluator)
F
FeatureVectorization (class in easynlp.appzoo.feature_vectorization.model)
FewshotBaseDataset (class in easynlp.fewshot_learning.fewshot_dataset)
FewshotClassification (class in easynlp.fewshot_learning.fewshot_application)
FewshotPyModelPredictor (class in easynlp.fewshot_learning.fewshot_predictor)
FewshotSequenceClassification (class in easynlp.appzoo.sequence_classification.model)
FewshotSequenceClassificationDataset (class in easynlp.appzoo.sequence_classification.data)
FewshotSingleTowerTextMatch (class in easynlp.appzoo.text_match.model)
forward() (easynlp.appzoo.data_augmentation.model.DataAugmentation method)
(easynlp.appzoo.feature_vectorization.model.FeatureVectorization method)
(easynlp.appzoo.geep_classification.model.GEEPClassification method)
(easynlp.appzoo.geep_classification.model.GEEPClassifier method)
(easynlp.appzoo.geep_classification.model.MultiHeadedAttention method)
(easynlp.appzoo.language_modeling.model.LanguageModeling method)
(easynlp.appzoo.sequence_classification.model.SequenceClassification method)
(easynlp.appzoo.sequence_labeling.model.SequenceLabeling method)
(easynlp.appzoo.text_match.model.TextMatch method)
(easynlp.appzoo.text_match.model.TextMatchTwoTower method)
(easynlp.appzoo.text_match.model.TextMatchTwoTowerV1 method)
(easynlp.distillation.meta_modeling.MetaStudentForSequenceClassification method)
(easynlp.distillation.meta_modeling.MetaTeacherForSequenceClassification method)
(easynlp.fewshot_learning.fewshot_application.CPTClassification method)
(easynlp.fewshot_learning.fewshot_application.CircleLoss method)
(easynlp.fewshot_learning.fewshot_application.FewshotClassification method)
(easynlp.modelzoo.models.bert.modeling_bert.BertForNextSentencePrediction method)
(easynlp.modelzoo.models.bert.modeling_bert.BertLMHeadModel method)
(easynlp.modelzoo.models.bert.modeling_bert.BertModel method)
(easynlp.modelzoo.models.cnn.TextCNNEncoder method)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmForNextSentencePrediction method)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmLMHeadModel method)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmModel method)
(easynlp.modelzoo.models.geep.modeling_geep.GEEPModel method)
(easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModel method)
(easynlp.modelzoo.models.roberta.modeling_roberta.RobertaForCausalLM method)
(easynlp.modelzoo.models.roberta.modeling_roberta.RobertaModel method)
from_pretrained() (easynlp.appzoo.geep_classification.model.GEEPClassification class method)
(easynlp.fewshot_learning.fewshot_application.FewshotClassification class method)
G
GEEPClassification (class in easynlp.appzoo.geep_classification.model)
GEEPClassifier (class in easynlp.appzoo.geep_classification.model)
GEEPModel (class in easynlp.modelzoo.models.geep.modeling_geep)
get_current_lr() (easynlp.core.optimizers.BertAdam method)
get_input_embeddings() (easynlp.modelzoo.models.bert.modeling_bert.BertModel method)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmModel method)
(easynlp.modelzoo.models.geep.modeling_geep.GEEPModel method)
(easynlp.modelzoo.models.roberta.modeling_roberta.RobertaModel method)
get_lr() (easynlp.core.optimizers.BertAdam method)
get_output_embeddings() (easynlp.modelzoo.models.bert.modeling_bert.BertLMHeadModel method)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmLMHeadModel method)
(easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModel method)
(easynlp.modelzoo.models.roberta.modeling_roberta.RobertaForCausalLM method)
GPT2Config (class in easynlp.modelzoo.models.gpt2.modeling_gpt2)
GPT2DoubleHeadsModel (class in easynlp.modelzoo.models.gpt2.modeling_gpt2)
GPT2DoubleHeadsModelOutput (class in easynlp.modelzoo.models.gpt2.modeling_gpt2)
H
hidden_size (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2Config attribute)
hidden_states (easynlp.modelzoo.models.bert.modeling_bert.BertForPreTrainingOutput attribute)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmForPreTrainingOutput attribute)
(easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModelOutput attribute)
I
init_odps_io() (in easynlp.utils.initializer)
init_oss_io() (in easynlp.utils.initializer)
init_weights() (easynlp.appzoo.sequence_classification.model.SequenceClassification method)
(easynlp.appzoo.sequence_labeling.model.SequenceLabeling method)
(easynlp.appzoo.text_match.model.TextMatch method)
(easynlp.appzoo.text_match.model.TextMatchTwoTower method)
(easynlp.appzoo.text_match.model.TextMatchTwoTowerV1 method)
(easynlp.distillation.meta_modeling.MetaTeacherForSequenceClassification method)
initialize_easynlp() (in easynlp.utils.initializer)
InputExample (class in easynlp.appzoo.sequence_labeling.data)
K
keys_to_ignore_at_inference (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2Config attribute)
L
label_enumerate_values (easynlp.appzoo.sequence_classification.data.ClassificationDataset attribute)
(easynlp.appzoo.sequence_labeling.data.SequenceLabelingDataset attribute)
(easynlp.distillation.distill_metakd_dataset.MetakdSentiClassificationDataset attribute)
(easynlp.fewshot_learning.fewshot_dataset.FewshotBaseDataset attribute)
LabelingFeatures (class in easynlp.appzoo.sequence_labeling.data)
LanguageModeling (class in easynlp.appzoo.language_modeling.model)
LanguageModelingDataset (class in easynlp.appzoo.language_modeling.data)
learning_rate (easynlp.core.trainer.Trainer attribute)
(easynlp.core.trainer_vanilla.VanillaTrainer attribute)
load_bin_file() (easynlp.distillation.distill_dataset.DistillatoryBaseDataset method)
log_train_infos() (easynlp.core.trainer.Trainer method)
(easynlp.core.trainer_vanilla.VanillaTrainer method)
logits (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModelOutput attribute)
loss (easynlp.modelzoo.models.bert.modeling_bert.BertForPreTrainingOutput attribute)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmForPreTrainingOutput attribute)
(easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModelOutput attribute)
M
mask_tokens() (easynlp.appzoo.language_modeling.data.LanguageModelingDataset method)
max_position_embeddings (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2Config attribute)
mc_logits (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModelOutput attribute)
mc_loss (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModelOutput attribute)
MetaDistillationTrainer (class in easynlp.core.distiller)
MetakdSentiClassificationDataset (class in easynlp.distillation.distill_metakd_dataset)
MetaStudentForSequenceClassification (class in easynlp.distillation.meta_modeling)
MetaTeacherForSequenceClassification (class in easynlp.distillation.meta_modeling)
MetaTeacherTrainer (class in easynlp.core.distiller)
model_module (easynlp.core.trainer.Trainer attribute)
(easynlp.core.trainer_vanilla.VanillaTrainer attribute)
model_type (easynlp.modelzoo.models.bert.modeling_bert.BertConfig attribute)
(easynlp.modelzoo.models.cnn.TextCNNConfig attribute)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmConfig attribute)
(easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2Config attribute)
(easynlp.modelzoo.models.roberta.modeling_roberta.RobertaConfig attribute)
MultiHeadedAttention (class in easynlp.appzoo.geep_classification.model)
N
num_attention_heads (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2Config attribute)
num_hidden_layers (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2Config attribute)
O
optimizer_step() (easynlp.core.trainer.Trainer method)
(easynlp.core.trainer_vanilla.VanillaTrainer method)
P
parallelize() (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModel method)
past_key_values (easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModelOutput attribute)
postprocess() (easynlp.fewshot_learning.fewshot_predictor.CPTPredictor method)
(easynlp.fewshot_learning.fewshot_predictor.PromptPredictor method)
predict() (easynlp.fewshot_learning.fewshot_predictor.CPTPredictor method)
(easynlp.fewshot_learning.fewshot_predictor.FewshotPyModelPredictor method)
(easynlp.fewshot_learning.fewshot_predictor.PromptPredictor method)
prediction_logits (easynlp.modelzoo.models.bert.modeling_bert.BertForPreTrainingOutput attribute)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmForPreTrainingOutput attribute)
prepare_inputs_for_generation() (easynlp.modelzoo.models.bert.modeling_bert.BertLMHeadModel method)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmLMHeadModel method)
(easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModel method)
(easynlp.modelzoo.models.roberta.modeling_roberta.RobertaForCausalLM method)
preprocess() (easynlp.fewshot_learning.fewshot_predictor.CPTPredictor method)
(easynlp.fewshot_learning.fewshot_predictor.PromptPredictor method)
PromptEvaluator (class in easynlp.fewshot_learning.fewshot_evaluator)
PromptPredictor (class in easynlp.fewshot_learning.fewshot_predictor)
R
readlines_from_file() (easynlp.distillation.distill_metakd_dataset.MetakdSentiClassificationDataset method)
resume_from_ckpt() (easynlp.core.trainer.Trainer method)
(easynlp.core.trainer_vanilla.VanillaTrainer method)
RobertaConfig (class in easynlp.modelzoo.models.roberta.modeling_roberta)
RobertaForCausalLM (class in easynlp.modelzoo.models.roberta.modeling_roberta)
RobertaModel (class in easynlp.modelzoo.models.roberta.modeling_roberta)
S
save_checkpoint() (easynlp.core.trainer.Trainer method)
(easynlp.core.trainer_vanilla.VanillaTrainer method)
seq_relationship_logits (easynlp.modelzoo.models.bert.modeling_bert.BertForPreTrainingOutput attribute)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmForPreTrainingOutput attribute)
SequenceClassification (class in easynlp.appzoo.sequence_classification.model)
SequenceLabeling (class in easynlp.appzoo.sequence_labeling.model)
SequenceLabelingDataset (class in easynlp.appzoo.sequence_labeling.data)
SequenceMultiLabelClassification (class in easynlp.appzoo.sequence_classification.model)
set_input_embeddings() (easynlp.modelzoo.models.bert.modeling_bert.BertModel method)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmModel method)
(easynlp.modelzoo.models.geep.modeling_geep.GEEPModel method)
(easynlp.modelzoo.models.roberta.modeling_roberta.RobertaModel method)
set_model_and_optimizer() (easynlp.core.trainer.Trainer method)
(easynlp.core.trainer_vanilla.VanillaTrainer method)
set_output_embeddings() (easynlp.modelzoo.models.bert.modeling_bert.BertLMHeadModel method)
(easynlp.modelzoo.models.dkplm.modeling_dkplm.DkplmLMHeadModel method)
(easynlp.modelzoo.models.gpt2.modeling_gpt2.GPT2DoubleHeadsModel method)
(easynlp.modelzoo.models.roberta.modeling_roberta.RobertaForCausalLM method)
set_teacher_model() (easynlp.core.distiller.MetaDistillationTrainer method)
set_tensorboard() (easynlp.core.trainer.Trainer method)
set_train_loader() (easynlp.core.trainer.Trainer method)
(easynlp.core.trainer_vanilla.VanillaTrainer method)
step() (easynlp.core.optimizers.BertAdam method)
T
TextCNNConfig (class in easynlp.modelzoo.models.cnn)
TextCNNEncoder (class in easynlp.modelzoo.models.cnn)
TextMatch (class in easynlp.appzoo.text_match.model)
TextMatchTwoTower (class in easynlp.appzoo.text_match.model)
TextMatchTwoTowerV1 (class in easynlp.appzoo.text_match.model)
train() (easynlp.core.distiller.DistillatoryTrainer method)
(easynlp.core.distiller.MetaDistillationTrainer method)
(easynlp.core.distiller.MetaTeacherTrainer method)
(easynlp.core.trainer.Trainer method)
(easynlp.core.trainer_vanilla.VanillaTrainer method)
Trainer (class in easynlp.core.trainer)
V
VanillaTrainer (class in easynlp.core.trainer_vanilla)
W
write_args_to_tensorboard() (in easynlp.utils.initializer)