במדריך הזה נסביר איך לבצע שיפורים ועדכונים ב-Gemma באמצעות Transformers ו-TRL של Hugging Face, על קבוצת נתונים מותאמת אישית של תמונות וטקסטים, כדי לבצע משימה של עיבוד תמונה (יצירת תיאורי מוצרים). במהלך הקורס תלמדו:
- מהי התאמה של דירוג נמוך בקידוד קוונטי (QLoRA)
- הגדרת סביבת הפיתוח
- יצירת מערך הנתונים לכוונון ועדכון (fine-tuning) של משימות ראייה ממוחשבת והכנתו
- שיפור של Gemma באמצעות TRL ו-SFTTrainer
- בדיקת הסקת מודל ויצירת תיאורי מוצרים מתמונות וטקסט.
מהי התאמה של דירוג נמוך בקידוד קוונטי (QLoRA)
במדריך הזה נסביר איך משתמשים ב-Quantized Low-Rank Adaptation (QLoRA), שיטה פופולרית לשיפור יעיל של מודלים של למידת מכונה לטווח ארוך (LLM), כי היא מפחיתה את דרישות המשאבים המחשוביים תוך שמירה על ביצועים גבוהים. ב-QloRA, המודל המאומן מראש עובר קוונטיזציה ל-4 ביט והמשקולות קפואים. לאחר מכן מצורפים שכבות מתאם שניתן לאמן (LoRA), והאימון מתבצע רק בשכבות המתאם. לאחר מכן, אפשר למזג את משקלי המתאם עם מודל הבסיס או להשאיר אותו כמתאם נפרד.
הגדרת סביבת הפיתוח
השלב הראשון הוא התקנת ספריות Hugging Face, כולל TRL, וקבוצות נתונים כדי לשפר את המודל הפתוח.
# Install Pytorch & other libraries
%pip install "torch>=2.4.0" tensorboard torchvision
# Install Gemma release branch from Hugging Face
%pip install git+https://github.com/huggingface/transformers@v4.49.0-Gemma-3
# Install Hugging Face libraries
%pip install --upgrade \
"datasets==3.3.2" \
"accelerate==1.4.0" \
"evaluate==0.4.3" \
"bitsandbytes==0.45.3" \
"trl==0.15.2" \
"peft==0.14.0" \
"pillow==11.1.0" \
protobuf \
sentencepiece
לפני שתתחילו את האימון, עליכם לוודא שאישרתם את התנאים וההגבלות של Gemma. כדי לאשר את הרישיון ב-Hugging Face, לוחצים על הלחצן 'הסכמה וגישה למאגר' בדף המודל בכתובת: http://huggingface.co/google/gemma-3-4b-pt (או בדף המודל המתאים של מודל Gemma עם יכולת ראייה שבו אתם משתמשים).
אחרי שתאשרו את הרישיון, תצטרכו אסימון תקין של Hugging Face כדי לגשת למודל. אם אתם מריצים את הקוד ב-Google Colab, אתם יכולים להשתמש באסימון של Hugging Face בצורה מאובטחת באמצעות סודות של Colab. אחרת, אתם יכולים להגדיר את האסימון ישירות בשיטה login
. חשוב לוודא שלאסימון יש גם הרשאת כתיבה, כי אתם צריכים לדחוף את המודל ל-Hub במהלך האימון.
from google.colab import userdata
from huggingface_hub import login
# Login into Hugging Face Hub
hf_token = userdata.get('HF_TOKEN') # If you are running inside a Google Colab
login(hf_token)
יצירת מערך הנתונים לכוונון ועדכון והכנתו
כשמכווננים LLMs, חשוב להכיר את תרחיש השימוש ואת המשימה שרוצים לפתור. כך תוכלו ליצור מערך נתונים כדי לשפר את המודל. אם עדיין לא הגדרתם את תרחיש לדוגמה, כדאי לחזור לשולחן השרטוט.
לדוגמה, המדריך הזה מתמקד בתרחיש לדוגמה הבא:
- שימוש במודל Gemma כדי ליצור תיאורי מוצרים תמציתיים ומותאמים ל-SEO עבור פלטפורמת מסחר אלקטרוני, שמותאמים במיוחד לחיפוש בנייד.
במדריך הזה נעשה שימוש במערך הנתונים philschmid/amazon-product-descriptions-vlm, מערך נתונים של תיאורי מוצרים ב-Amazon, כולל תמונות וקטגוריות של מוצרים.
Hugging Face TRL תומך בשיחות עם מגוון מודלים. החלק החשוב הוא התפקיד 'image', שמציין לכיתה העיבוד שצריך לטעון את התמונה. המבנה צריך להיות:
{"messages": [{"role": "system", "content": [{"type": "text", "text":"You are..."}]}, {"role": "user", "content": [{"type": "text", "text": "..."}, {"type": "image"}]}, {"role": "assistant", "content": [{"type": "text", "text": "..."}]}]}
{"messages": [{"role": "system", "content": [{"type": "text", "text":"You are..."}]}, {"role": "user", "content": [{"type": "text", "text": "..."}, {"type": "image"}]}, {"role": "assistant", "content": [{"type": "text", "text": "..."}]}]}
{"messages": [{"role": "system", "content": [{"type": "text", "text":"You are..."}]}, {"role": "user", "content": [{"type": "text", "text": "..."}, {"type": "image"}]}, {"role": "assistant", "content": [{"type": "text", "text": "..."}]}]}
עכשיו אפשר להשתמש בספריית Hugging Face Datasets כדי לטעון את מערך הנתונים וליצור תבנית הנחיה לשילוב התמונה, שם המוצר והקטגוריה, ולהוסיף הודעת מערכת. מערך הנתונים כולל תמונות כאובייקטים מסוג Pil.Image
.
from datasets import load_dataset
from PIL import Image
# System message for the assistant
system_message = "You are an expert product description writer for Amazon."
# User prompt that combines the user query and the schema
user_prompt = """Create a Short Product description based on the provided <PRODUCT> and <CATEGORY> and image.
Only return description. The description should be SEO optimized and for a better mobile search experience.
<PRODUCT>
{product}
</PRODUCT>
<CATEGORY>
{category}
</CATEGORY>
"""
# Convert dataset to OAI messages
def format_data(sample):
return {
"messages": [
{
"role": "system",
"content": [{"type": "text", "text": system_message}],
},
{
"role": "user",
"content": [
{
"type": "text",
"text": user_prompt.format(
product=sample["Product Name"],
category=sample["Category"],
),
},
{
"type": "image",
"image": sample["image"],
},
],
},
{
"role": "assistant",
"content": [{"type": "text", "text": sample["description"]}],
},
],
}
def process_vision_info(messages: list[dict]) -> list[Image.Image]:
image_inputs = []
# Iterate through each conversation
for msg in messages:
# Get content (ensure it's a list)
content = msg.get("content", [])
if not isinstance(content, list):
content = [content]
# Check each content element for images
for element in content:
if isinstance(element, dict) and (
"image" in element or element.get("type") == "image"
):
# Get the image and convert to RGB
if "image" in element:
image = element["image"]
else:
image = element
image_inputs.append(image.convert("RGB"))
return image_inputs
# Load dataset from the hub
dataset = load_dataset("philschmid/amazon-product-descriptions-vlm", split="train")
# Convert dataset to OAI messages
# need to use list comprehension to keep Pil.Image type, .mape convert image to bytes
dataset = [format_data(sample) for sample in dataset]
print(dataset[345]["messages"])
שיפור של Gemma באמצעות TRL ו-SFTTrainer
עכשיו אתם מוכנים לבצע כוונון עדין של המודל. בעזרת SFTTrainer של Hugging Face TRL אפשר בקלות לפקח על כוונון מדויק של מודלים LLM פתוחים. SFTTrainer
הוא תת-סוג של Trainer
מהספרייה transformers
, ותומך באותן תכונות, כולל רישום ביומן, הערכה יצירת נקודות עצירה, אבל מוסיף תכונות נוספות לשיפור איכות החיים, כולל:
- עיצוב מערכי נתונים, כולל פורמטים של שיחות והוראות
- אימון על השלמות בלבד, התעלמות מהנחיות
- אריזה של מערכי נתונים לאימון יעיל יותר
- תמיכה בכוונון יעיל בפרמטרים (PEFT), כולל QloRA
- הכנת המודל והמנתח לאסימונים לצורך כוונון מדויק של שיחות (למשל, הוספת אסימונים מיוחדים)
הקוד הבא טוען את המודל ואת ה-tokenizer של Gemma מ-Hugging Face ומפעיל את ההגדרות של ה-quantization.
import torch
from transformers import AutoProcessor, AutoModelForImageTextToText, BitsAndBytesConfig
# Hugging Face model id
model_id = "google/gemma-3-4b-pt" # or `google/gemma-3-12b-pt`, `google/gemma-3-27-pt`
# Check if GPU benefits from bfloat16
if torch.cuda.get_device_capability()[0] < 8:
raise ValueError("GPU does not support bfloat16, please use a GPU that supports bfloat16.")
# Define model init arguments
model_kwargs = dict(
attn_implementation="eager", # Use "flash_attention_2" when running on Ampere or newer GPU
torch_dtype=torch.bfloat16, # What torch dtype to use, defaults to auto
device_map="auto", # Let torch decide how to load the model
)
# BitsAndBytesConfig int-4 config
model_kwargs["quantization_config"] = BitsAndBytesConfig(
load_in_4bit=True,
bnb_4bit_use_double_quant=True,
bnb_4bit_quant_type="nf4",
bnb_4bit_compute_dtype=model_kwargs["torch_dtype"],
bnb_4bit_quant_storage=model_kwargs["torch_dtype"],
)
# Load model and tokenizer
model = AutoModelForImageTextToText.from_pretrained(model_id, **model_kwargs)
processor = AutoProcessor.from_pretrained("google/gemma-3-4b-it")
ב-SFTTrainer
יש תמיכה בשילוב מובנה עם peft
, שמאפשר לבצע בקלות כוונון יעיל של מודלים של LLM באמצעות QLoRA. צריך רק ליצור LoraConfig
ולספק אותו למאמן.
from peft import LoraConfig
peft_config = LoraConfig(
lora_alpha=16,
lora_dropout=0.05,
r=16,
bias="none",
target_modules="all-linear",
task_type="CAUSAL_LM",
modules_to_save=[
"lm_head",
"embed_tokens",
],
)
לפני שמתחילים את האימון, צריך להגדיר את הפרמטר ההיפר-מרחב שבו רוצים להשתמש ב-SFTConfig
ו-collate_fn
בהתאמה אישית כדי לטפל בעיבוד הראייה. הפונקציה collate_fn
ממירה את ההודעות עם הטקסט והתמונות לפורמט שהמודל יכול להבין.
from trl import SFTConfig
args = SFTConfig(
output_dir="gemma-product-description", # directory to save and repository id
num_train_epochs=1, # number of training epochs
per_device_train_batch_size=1, # batch size per device during training
gradient_accumulation_steps=4, # number of steps before performing a backward/update pass
gradient_checkpointing=True, # use gradient checkpointing to save memory
optim="adamw_torch_fused", # use fused adamw optimizer
logging_steps=5, # log every 5 steps
save_strategy="epoch", # save checkpoint every epoch
learning_rate=2e-4, # learning rate, based on QLoRA paper
bf16=True, # use bfloat16 precision
max_grad_norm=0.3, # max gradient norm based on QLoRA paper
warmup_ratio=0.03, # warmup ratio based on QLoRA paper
lr_scheduler_type="constant", # use constant learning rate scheduler
push_to_hub=True, # push model to hub
report_to="tensorboard", # report metrics to tensorboard
gradient_checkpointing_kwargs={
"use_reentrant": False
}, # use reentrant checkpointing
dataset_text_field="", # need a dummy field for collator
dataset_kwargs={"skip_prepare_dataset": True}, # important for collator
)
args.remove_unused_columns = False # important for collator
# Create a data collator to encode text and image pairs
def collate_fn(examples):
texts = []
images = []
for example in examples:
image_inputs = process_vision_info(example["messages"])
text = processor.apply_chat_template(
example["messages"], add_generation_prompt=False, tokenize=False
)
texts.append(text.strip())
images.append(image_inputs)
# Tokenize the texts and process the images
batch = processor(text=texts, images=images, return_tensors="pt", padding=True)
# The labels are the input_ids, and we mask the padding tokens and image tokens in the loss computation
labels = batch["input_ids"].clone()
# Mask image tokens
image_token_id = [
processor.tokenizer.convert_tokens_to_ids(
processor.tokenizer.special_tokens_map["boi_token"]
)
]
# Mask tokens for not being used in the loss computation
labels[labels == processor.tokenizer.pad_token_id] = -100
labels[labels == image_token_id] = -100
labels[labels == 262144] = -100
batch["labels"] = labels
return batch
עכשיו יש לכם את כל אבני הבניין הדרושות כדי ליצור את SFTTrainer
ולהתחיל את אימון המודל.
from trl import SFTTrainer
trainer = SFTTrainer(
model=model,
args=args,
train_dataset=dataset,
peft_config=peft_config,
processing_class=processor,
data_collator=collate_fn,
)
כדי להתחיל את האימון, קוראים לשיטה train()
.
# Start training, the model will be automatically saved to the Hub and the output directory
trainer.train()
# Save the final model again to the Hugging Face Hub
trainer.save_model()
לפני שתוכלו לבדוק את המודל, עליכם לפנות את הזיכרון.
# free the memory again
del model
del trainer
torch.cuda.empty_cache()
כשמשתמשים ב-QLoRA, מאומנים רק מתאמים ולא המודל המלא. המשמעות היא שכשמשמרים את המודל במהלך האימון, שומרים רק את משקלי המתאם ולא את המודל המלא. אם רוצים לשמור את המודל המלא, כדי שיהיה קל יותר להשתמש בו עם סטאקים של שירות כמו vLLM או TGI, אפשר למזג את משקלי המתאם במשקלי המודל באמצעות השיטה merge_and_unload
ואז לשמור את המודל באמצעות השיטה save_pretrained
. כך נשמר מודל ברירת מחדל שאפשר להשתמש בו להסקת מסקנות.
from peft import PeftModel
# Load Model base model
model = AutoModelForImageTextToText.from_pretrained(model_id, low_cpu_mem_usage=True)
# Merge LoRA and base model and save
peft_model = PeftModel.from_pretrained(model, args.output_dir)
merged_model = peft_model.merge_and_unload()
merged_model.save_pretrained("merged_model", safe_serialization=True, max_shard_size="2GB")
processor = AutoProcessor.from_pretrained(args.output_dir)
processor.save_pretrained("merged_model")
בדיקת הסקת המסקנות מהמודל ויצירת תיאורי מוצרים
אחרי שהאימון יסתיים, כדאי להעריך ולבדוק את המודל. אפשר לטעון דוגמאות שונות ממערך הנתונים לבדיקה ולהעריך את המודל על הדוגמאות האלה.
import torch
# Load Model with PEFT adapter
model = AutoModelForImageTextToText.from_pretrained(
args.output_dir,
device_map="auto",
torch_dtype=torch.bfloat16,
attn_implementation="eager",
)
processor = AutoProcessor.from_pretrained(args.output_dir)
כדי לבדוק את ההסקה, צריך לספק שם, קטגוריה ותמונה של מוצר. sample
כולל דמויות פעולה של מארוול.
import requests
from PIL import Image
# Test sample with Product Name, Category and Image
sample = {
"product_name": "Hasbro Marvel Avengers-Serie Marvel Assemble Titan-Held, Iron Man, 30,5 cm Actionfigur",
"category": "Toys & Games | Toy Figures & Playsets | Action Figures",
"image": Image.open(requests.get("https://m.media-amazon.com/images/I/81+7Up7IWyL._AC_SY300_SX300_.jpg", stream=True).raw).convert("RGB")
}
def generate_description(sample, model, processor):
# Convert sample into messages and then apply the chat template
messages = [
{"role": "system", "content": [{"type": "text", "text": system_message}]},
{"role": "user", "content": [
{"type": "image","image": sample["image"]},
{"type": "text", "text": user_prompt.format(product=sample["product_name"], category=sample["category"])},
]},
]
text = processor.apply_chat_template(
messages, tokenize=False, add_generation_prompt=True
)
# Process the image and text
image_inputs = process_vision_info(messages)
# Tokenize the text and process the images
inputs = processor(
text=[text],
images=image_inputs,
padding=True,
return_tensors="pt",
)
# Move the inputs to the device
inputs = inputs.to(model.device)
# Generate the output
stop_token_ids = [processor.tokenizer.eos_token_id, processor.tokenizer.convert_tokens_to_ids("<end_of_turn>")]
generated_ids = model.generate(**inputs, max_new_tokens=256, top_p=1.0, do_sample=True, temperature=0.8, eos_token_id=stop_token_ids, disable_compile=True)
# Trim the generation and decode the output to text
generated_ids_trimmed = [out_ids[len(in_ids) :] for in_ids, out_ids in zip(inputs.input_ids, generated_ids)]
output_text = processor.batch_decode(
generated_ids_trimmed, skip_special_tokens=True, clean_up_tokenization_spaces=False
)
return output_text[0]
# generate the description
description = generate_description(sample, model, processor)
print(description)
סיכום והשלבים הבאים
במדריך הזה הוסבר איך לשפר מודל Gemma למשימות ראייה באמצעות TRL ו-QLoRA, במיוחד ליצירת תיאורי מוצרים. כדאי לעיין במסמכים הבאים: