qwen38b-malayalam-v4

This is a merged LoRA model based on Qwen/Qwen3-8B, fine-tuned for Malayalam language tasks.

Model Details

  • Base Model: Qwen/Qwen3-8B
  • Language: Malayalam (ml), English (en)
  • Type: Merged LoRA model
  • Library: transformers

Usage

from transformers import AutoTokenizer, AutoModelForCausalLM
import torch

model_name = "justinj92/qwen38b-malayalam-v4"
tokenizer = AutoTokenizer.from_pretrained(model_name)
model = AutoModelForCausalLM.from_pretrained(
    model_name,
    torch_dtype=torch.float16,
    device_map="auto"
)

# Example usage
text = "നമസ്കാരം"
inputs = tokenizer(text, return_tensors="pt")
outputs = model.generate(**inputs, max_length=100)
response = tokenizer.decode(outputs[0], skip_special_tokens=True)
print(response)

Training Details

This model was created by merging a LoRA adapter trained for Malayalam language understanding and generation.

Downloads last month
-
Safetensors
Model size
8.19B params
Tensor type
F16
·
Inference Providers NEW
This model isn't deployed by any Inference Provider. 🙋 Ask for provider support

Model tree for justinj92/qwen38b-malayalam-v4

Base model

Qwen/Qwen3-8B-Base
Finetuned
Qwen/Qwen3-8B
Adapter
(80)
this model