Fine-Tuned Metaphor Detection Model
This is the extention of my previously trained model.
This is a fine-tuned version of a BERT-based model used for metaphor detection in text. The model was trained on a custom dataset with sentences labeled as either metaphors or literals.
Model Details
- Model architecture: BERT-based model
- Number of labels: 2 (Metaphor, Literal)
- Training epochs: 1
- Batch size: 8
- Learning rate: 1e-5
- Evaluation metric: Accuracy
- Accuracy: 72%
How to use
You can use this model to predict whether a sentence contains a metaphor or not. Below is an example of how to load the model and use it for inference:
from transformers import AutoTokenizer, AutoModelForSequenceClassification
import torch
# Load model and tokenizer
tokenizer = AutoTokenizer.from_pretrained("your-username/fine-tuned-metaphor-detection")
model = AutoModelForSequenceClassification.from_pretrained("your-username/fine-tuned-metaphor-detection")
# Example text
text = "Time is a thief."
# Tokenize input and get predictions
inputs = tokenizer(text, return_tensors="pt", padding=True, truncation=True)
with torch.no_grad():
outputs = model(**inputs)
logits = outputs.logits
prediction = torch.argmax(logits, dim=-1)
print("Prediction:", "Metaphor" if prediction.item() == 1 else "Literal")
- Downloads last month
- 207
Model tree for Sasidhar1826/fine-tuned-metaphor-detection
Base model
google-bert/bert-base-uncased
Finetuned
Sasidhar1826/common_metaphors_detection
Dataset used to train Sasidhar1826/fine-tuned-metaphor-detection
Evaluation results
- Accuracyself-reported72.000