ELECTRA
This model was released on 2020-03-23 and added to Hugging Face Transformers on 2020-11-16.
ELECTRA
Section titled “ELECTRA”ELECTRA modifies the pretraining objective of traditional masked language models like BERT. Instead of just masking tokens and asking the model to predict them, ELECTRA trains two models, a generator and a discriminator. The generator replaces some tokens with plausible alternatives and the discriminator (the model you’ll actually use) learns to detect which tokens are original and which were replaced. This training approach is very efficient and scales to larger models while using considerably less compute.
This approach is super efficient because ELECTRA learns from every single token in the input, not just the masked ones. That’s why even the small ELECTRA models can match or outperform much larger models while using way less computing resources.
You can find all the original ELECTRA checkpoints under the ELECTRA release.
The example below demonstrates how to classify text with Pipeline or the AutoModel class.
import torchfrom transformers import pipeline
classifier = pipeline( task="text-classification", model="bhadresh-savani/electra-base-emotion", dtype=torch.float16, device=0)classifier("This restaurant has amazing food!")import torchfrom transformers import AutoTokenizer, AutoModelForSequenceClassification
tokenizer = AutoTokenizer.from_pretrained( "bhadresh-savani/electra-base-emotion",)model = AutoModelForSequenceClassification.from_pretrained( "bhadresh-savani/electra-base-emotion", dtype=torch.float16)inputs = tokenizer("ELECTRA is more efficient than BERT", return_tensors="pt")
with torch.no_grad(): outputs = model(**inputs) logits = outputs.logits predicted_class_id = logits.argmax(dim=-1).item() predicted_label = model.config.id2label[predicted_class_id]print(f"Predicted label: {predicted_label}")echo -e "This restaurant has amazing food." | transformers run --task text-classification --model bhadresh-savani/electra-base-emotion --device 0-
ELECTRA consists of two transformer models, a generator (G) and a discriminator (D). For most downstream tasks, use the discriminator model (as indicated by
*-discriminatorin the name) rather than the generator. -
ELECTRA comes in three sizes: small (14M parameters), base (110M parameters), and large (335M parameters).
-
ELECTRA can use a smaller embedding size than the hidden size for efficiency. When
embedding_sizeis smaller thanhidden_sizein the configuration, a projection layer connects them. -
When using batched inputs with padding, make sure to use attention masks to prevent the model from attending to padding tokens.
# Example of properly handling padding with attention masksinputs = tokenizer(["Short text", "This is a much longer text that needs padding"],padding=True,return_tensors="pt")outputs = model(**inputs) # automatically uses the attention_mask -
When using the discriminator for a downstream task, you can load it into any of the ELECTRA model classes (
ElectraForSequenceClassification,ElectraForTokenClassification, etc.).
ElectraConfig
Section titled “ElectraConfig”[[autodoc]] ElectraConfig
ElectraTokenizer
Section titled “ElectraTokenizer”[[autodoc]] ElectraTokenizer
ElectraTokenizerFast
Section titled “ElectraTokenizerFast”[[autodoc]] ElectraTokenizerFast
Electra specific outputs
Section titled “Electra specific outputs”[[autodoc]] models.electra.modeling_electra.ElectraForPreTrainingOutput
ElectraModel
Section titled “ElectraModel”[[autodoc]] ElectraModel - forward
ElectraForPreTraining
Section titled “ElectraForPreTraining”[[autodoc]] ElectraForPreTraining - forward
ElectraForCausalLM
Section titled “ElectraForCausalLM”[[autodoc]] ElectraForCausalLM - forward
ElectraForMaskedLM
Section titled “ElectraForMaskedLM”[[autodoc]] ElectraForMaskedLM - forward
ElectraForSequenceClassification
Section titled “ElectraForSequenceClassification”[[autodoc]] ElectraForSequenceClassification - forward
ElectraForMultipleChoice
Section titled “ElectraForMultipleChoice”[[autodoc]] ElectraForMultipleChoice - forward
ElectraForTokenClassification
Section titled “ElectraForTokenClassification”[[autodoc]] ElectraForTokenClassification - forward
ElectraForQuestionAnswering
Section titled “ElectraForQuestionAnswering”[[autodoc]] ElectraForQuestionAnswering - forward