Delphermes-8B-RL / README.md
justinj92's picture
Upload README.md with huggingface_hub
41f74b5 verified
|
raw
history blame
1.16 kB
---
language:
- ml
- en
base_model: justinj92/Delphermes-8B
library_name: transformers
pipeline_tag: text-generation
tags:
- malayalam
- text-generation
- lora
- merged
license: apache-2.0
---
# Delphermes-8B-RL
This is a merged LoRA model based on justinj92/Delphermes-8B, fine-tuned for Malayalam language tasks.
## Model Details
- **Base Model**: justinj92/Delphermes-8B
- **Language**: Malayalam (ml), English (en)
- **Type**: Merged LoRA model
- **Library**: transformers
## Usage
```python
from transformers import AutoTokenizer, AutoModelForCausalLM
import torch
model_name = "justinj92/Delphermes-8B-RL"
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.