YAML Metadata Warning: empty or missing yaml metadata in repo card (https://huggingface.co/docs/hub/model-cards#model-card-metadata)

This model bases on T5-base model, finetuned using bbc-news-summary dataset Example of using:

from transformers import pipeline, T5ForConditionalGeneration, T5Tokenizer
import torch
model_name = "Andrew0488/t5-summarizer"
model = T5ForConditionalGeneration.from_pretrained(model_name).cuda()
tokenizer = T5Tokenizer.from_pretrained(model_name)

def t5_summary(text: str):
    inputs = tokenizer.encode(
        "summarize: " + text,
        return_tensors='pt',
        max_length=2000,
        truncation=True,
        padding='max_length'
    ).to(torch.device("cuda"))

    # Generate the summary
    summary_ids = model.generate(
        inputs,
        max_length=250,
        num_beams=5
    )
    return tokenizer.decode(summary_ids[0], skip_special_tokens=True)
Downloads last month
1
Safetensors
Model size
0.2B params
Tensor type
F32
ยท
Inference Providers NEW
This model isn't deployed by any Inference Provider. ๐Ÿ™‹ Ask for provider support