đ Transformers Library
This library is designed for text generation, leveraging techniques like TRL and SFT.
đ Quick Start
The transformers
library is a powerful tool for natural language processing. It allows you to easily load pre - trained models and perform various tasks such as text generation.
from transformers import AutoTokenizer, AutoModelForCausalLM
import torch
device = "cuda" if torch.cuda.is_available() else "cpu"
model_id = "gokaygokay/SmolLM2-Prompt-Enhance"
tokenizer_id = "HuggingFaceTB/SmolLM2-135M-Instruct"
tokenizer = AutoTokenizer.from_pretrained(tokenizer_id )
model = AutoModelForCausalLM.from_pretrained(model_id).to(device)
def generate_response(model, tokenizer, instruction, device="cpu"):
"""Generate a response from the model based on an instruction."""
messages = [{"role": "user", "content": instruction}]
input_text = tokenizer.apply_chat_template(
messages, tokenize=False, add_generation_prompt=True
)
inputs = tokenizer.encode(input_text, return_tensors="pt").to(device)
outputs = model.generate(
inputs, max_new_tokens=256, repetition_penalty=1.2
)
response = tokenizer.decode(outputs[0], skip_special_tokens=True)
return response
def print_response(response):
"""Print the model's response."""
print(f"Model response:")
print(response.split("assistant\n")[-1])
print("-" * 100)
prompt = "cat"
response = generate_response(model, tokenizer, prompt, device)
print_response(response)
đģ Usage Examples
Basic Usage
from transformers import AutoTokenizer, AutoModelForCausalLM
import torch
device = "cuda" if torch.cuda.is_available() else "cpu"
model_id = "gokaygokay/SmolLM2-Prompt-Enhance"
tokenizer_id = "HuggingFaceTB/SmolLM2-135M-Instruct"
tokenizer = AutoTokenizer.from_pretrained(tokenizer_id )
model = AutoModelForCausalLM.from_pretrained(model_id).to(device)
prompt = "cat"
response = generate_response(model, tokenizer, prompt, device)
print_response(response)
đ Documentation
Training Script
You can access the training script through this link.
đ License
This project is licensed under the Apache - 2.0 license.
đĻ Information Table
Property |
Details |
Library Name |
transformers |
Tags |
trl, sft |
Model Type |
Based on HuggingFaceTB/SmolLM2 - 135M - Instruct |
Training Data |
gokaygokay/prompt - enhancement - 75k |
Pipeline Tag |
text - generation |