Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
https://github.com/mehdihosseinimoghadam/ava-qwen1.5-7
Fine-Tuned Qwen1.5 7B Persian Large Language Model LLM / Persian Qwen1.5 7B
https://github.com/mehdihosseinimoghadam/ava-qwen1.5-7
Last synced: 4 days ago
JSON representation
Fine-Tuned Qwen1.5 7B Persian Large Language Model LLM / Persian Qwen1.5 7B
- Host: GitHub
- URL: https://github.com/mehdihosseinimoghadam/ava-qwen1.5-7
- Owner: mehdihosseinimoghadam
- Created: 2024-05-19T18:36:57.000Z (6 months ago)
- Default Branch: main
- Last Pushed: 2024-05-19T18:49:56.000Z (6 months ago)
- Last Synced: 2024-05-19T19:45:57.809Z (6 months ago)
- Language: Jupyter Notebook
- Size: 3.66 MB
- Stars: 0
- Watchers: 1
- Forks: 0
- Open Issues: 0
-
Metadata Files:
- Readme: README.md
Awesome Lists containing this project
README
# AVA-Qwen1.5-7
Fine-Tuned Qwen1.5 7B Persian Large Language Model LLM / Persian Qwen1.5 7B# AVA-Qwen1.5 / Persian Qwen
### This Repository Contains Documents for Fine-Tuned Qwen1.5 Persian Large Language Model(LLM) Called AVA-Qwen1.5
(Still in progress)-------------------------------------------------
### Dataset used:To Be Done
-------------------------------------------------
### Usage:
All models are hosted in HuggingFace, and here is the code for inference:
```py
from transformers import AutoModelForCausalLM, AutoTokenizer, GenerationConfig
import torchmodel_name_or_id = "MehdiHosseiniMoghadam/AVA-Qwen1.5-7B-Chat"
model = AutoModelForCausalLM.from_pretrained(model_name_or_id, torch_dtype=torch.float16, device_map="auto", low_cpu_mem_usage=True, load_in_8bit=True)
tokenizer = AutoTokenizer.from_pretrained(model_name_or_id)prompt = ''
prompt = f"### Human:{prompt}\n### Assistant:"
inputs = tokenizer(prompt, return_tensors="pt").to("cuda")
generation_config = GenerationConfig(
do_sample=True,
top_k=1,
temperature=0.01,
max_new_tokens=90,
pad_token_id=tokenizer.eos_token_id
)outputs = model.generate(**inputs, generation_config=generation_config)
print(tokenizer.decode(outputs[0], skip_special_tokens=True))```
## License
[![License](https://img.shields.io/badge/license-MIT-blue.svg)](/LICENSE)
Released Jan 30, 2024 by [Mehdi Hosseini Moghadam](https://github.com/mehdihosseinimoghadam)
Attention ⚠️: The user is responsible for using AVA-Llama-3 / Persian Llama 3
Any misuse of the model (of any kind) is the responsibility of the user and not the creator
## Contact