|
--- |
|
license: apache-2.0 |
|
datasets: |
|
- assin2 |
|
language: |
|
- pt |
|
metrics: |
|
- accuracy |
|
library_name: transformers |
|
pipeline_tag: text-classification |
|
tags: |
|
- textual-entailment |
|
widget: |
|
- text: "<s>Qual a capital do Brasil?<s>A capital do Brasil é Brasília!</s>" |
|
example_title: Exemplo |
|
- text: "<s>Qual a capital do Brasil?<s>Anões são muito mais legais do que elfos!</s>" |
|
example_title: Exemplo |
|
--- |
|
# TeenyTinyLlama-162m-Assin2 |
|
|
|
TeenyTinyLlama is a series of small foundational models trained in Brazilian Portuguese. |
|
|
|
This repository contains a version of [TeenyTinyLlama-162m](https://huggingface.co/nicholasKluge/TeenyTinyLlama-162m) (`TeenyTinyLlama-162m-Assin2`) fine-tuned on the [Assin2](https://huggingface.co/datasets/assin2). |
|
|
|
## Details |
|
|
|
- **Number of Epochs:** 3 |
|
- **Batch size:** 16 |
|
- **Optimizer:** `torch.optim.AdamW` (learning_rate = 4e-5, epsilon = 1e-8) |
|
- **GPU:** 1 NVIDIA A100-SXM4-40GB |
|
|
|
## Usage |
|
|
|
Using `transformers.pipeline`: |
|
|
|
```python |
|
from transformers import pipeline |
|
|
|
text = "<s>Qual a capital do Brasil?<s>A capital do Brasil é Brasília!</s>" |
|
|
|
classifier = pipeline("text-classification", model="nicholasKluge/TeenyTinyLlama-162m-Assin2") |
|
classifier(text) |
|
|
|
# >>> [{'label': 'ENTAILED', 'score': 0.9392824769020081}] |
|
``` |
|
|
|
## Reproducing |
|
|
|
To reproduce the fine-tuning process, use the following code snippet: |
|
|
|
```python |
|
# Assin2 |
|
! pip install transformers datasets evaluate accelerate -q |
|
|
|
import evaluate |
|
import numpy as np |
|
from datasets import load_dataset, Dataset, DatasetDict |
|
from transformers import AutoTokenizer, DataCollatorWithPadding |
|
from transformers import AutoModelForSequenceClassification, TrainingArguments, Trainer |
|
|
|
# Load the task |
|
dataset = load_dataset("assin2") |
|
|
|
# Create a `ModelForSequenceClassification` |
|
model = AutoModelForSequenceClassification.from_pretrained( |
|
"nicholasKluge/TeenyTinyLlama-162m", |
|
num_labels=2, |
|
id2label={0: "UNENTAILED", 1: "ENTAILED"}, |
|
label2id={"UNENTAILED": 0, "ENTAILED": 1} |
|
) |
|
|
|
tokenizer = AutoTokenizer.from_pretrained("nicholasKluge/TeenyTinyLlama-162m") |
|
|
|
# Format the dataset |
|
train = dataset['train'].to_pandas() |
|
train['text'] = tokenizer.bos_token + train['premise'] + tokenizer.bos_token + train['hypothesis'] + tokenizer.eos_token |
|
train = train[["text", "entailment_judgment"]] |
|
train.columns = ['text', 'label'] |
|
train.labels = train.label.astype(int) |
|
train = Dataset.from_pandas(train) |
|
|
|
test = dataset['test'].to_pandas() |
|
test['text'] = tokenizer.bos_token + test['premise'] + tokenizer.bos_token + test['hypothesis'] + tokenizer.eos_token |
|
test = test[["text", "entailment_judgment"]] |
|
test.columns = ['text', 'label'] |
|
test.labels = test.label.astype(int) |
|
test = Dataset.from_pandas(test) |
|
|
|
dataset = DatasetDict({ |
|
"train": train, |
|
"test": test |
|
}) |
|
|
|
# Preprocess the dataset |
|
def preprocess_function(examples): |
|
return tokenizer(examples["text"], truncation=True) |
|
|
|
dataset_tokenized = dataset.map(preprocess_function, batched=True) |
|
|
|
# Create a simple data collactor |
|
data_collator = DataCollatorWithPadding(tokenizer=tokenizer) |
|
|
|
# Use accuracy as evaluation metric |
|
accuracy = evaluate.load("accuracy") |
|
|
|
# Function to compute accuracy |
|
def compute_metrics(eval_pred): |
|
predictions, labels = eval_pred |
|
predictions = np.argmax(predictions, axis=1) |
|
return accuracy.compute(predictions=predictions, references=labels) |
|
|
|
# Define training arguments |
|
training_args = TrainingArguments( |
|
output_dir="checkpoints", |
|
learning_rate=4e-5, |
|
per_device_train_batch_size=16, |
|
per_device_eval_batch_size=16, |
|
num_train_epochs=3, |
|
weight_decay=0.01, |
|
evaluation_strategy="epoch", |
|
save_strategy="epoch", |
|
load_best_model_at_end=True, |
|
push_to_hub=True, |
|
hub_token="your_token_here", |
|
hub_model_id="username/model-ID", |
|
) |
|
|
|
# Define the Trainer |
|
trainer = Trainer( |
|
model=model, |
|
args=training_args, |
|
train_dataset=dataset_tokenized["train"], |
|
eval_dataset=dataset_tokenized["test"], |
|
tokenizer=tokenizer, |
|
data_collator=data_collator, |
|
compute_metrics=compute_metrics, |
|
) |
|
|
|
# Train! |
|
trainer.train() |
|
|
|
|
|
``` |
|
|
|
## Fine-Tuning Comparisons |
|
|
|
| Models | [Assin2](https://huggingface.co/datasets/assin2)| |
|
|--------------------------------------------------------------------------------------------|-------------------------------------------------| |
|
| [Teeny Tiny Llama 162m](https://huggingface.co/nicholasKluge/TeenyTinyLlama-162m) | 85.78 | |
|
| [Bert-base-portuguese-cased](https://huggingface.co/neuralmind/bert-base-portuguese-cased) | 87.45 | |
|
| [Bert-large-portuguese-cased](https://huggingface.co/neuralmind/bert-base-portuguese-cased)| 88.97 | |
|
| [Gpt2-small-portuguese](https://huggingface.co/pierreguillou/gpt2-small-portuguese) | 86.11 | |
|
|
|
## Cite as 🤗 |
|
|
|
```latex |
|
|
|
@misc{nicholas22llama, |
|
doi = {10.5281/zenodo.6989727}, |
|
url = {https://huggingface.co/nicholasKluge/TeenyTinyLlama-162m}, |
|
author = {Nicholas Kluge Corrêa}, |
|
title = {TeenyTinyLlama}, |
|
year = {2023}, |
|
publisher = {HuggingFace}, |
|
journal = {HuggingFace repository}, |
|
} |
|
|
|
``` |
|
|
|
## Funding |
|
|
|
This repository was built as part of the RAIES ([Rede de Inteligência Artificial Ética e Segura](https://www.raies.org/)) initiative, a project supported by FAPERGS - ([Fundação de Amparo à Pesquisa do Estado do Rio Grande do Sul](https://fapergs.rs.gov.br/inicial)), Brazil. |
|
|
|
## License |
|
|
|
TeenyTinyLlama-162m-Assin2 is licensed under the Apache License, Version 2.0. See the [LICENSE](LICENSE) file for more details. |
|
|