Text Generation
Transformers
Safetensors
English
Irish
llama
text-generation-inference
tktung commited on
Commit
e6d9438
·
verified ·
1 Parent(s): d789c68

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +60 -3
README.md CHANGED
@@ -1,3 +1,60 @@
1
- ---
2
- license: apache-2.0
3
- ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ datasets:
4
+ - ReliableAI/Irish-Text-Collection
5
+ language:
6
+ - en
7
+ - ga
8
+ ---
9
+
10
+ # Model Card for UCCIX-Llama2-13B
11
+
12
+
13
+ The UCCIX-Llama2-13B Large Language Model (LLM) is an Irish-English bilingual model, capables of understanding both languages and outperforms much larger models on Irish language tasks.
14
+ The model is based on Llama 2-13B, with vocabulary expansion to include native Irish tokens, and additional continued pre-training on our collection of ~520B Irish tokens (available at https://huggingface.co/datasets/ReliableAI/Irish-Text-Collection).
15
+
16
+ UCCIX is a pioneering effort on the development of first-ever open-source Irish-based LLM. You can find more details at: https://arxiv.org/abs/2405.13010
17
+
18
+ Access the instruction-tuned version at https://huggingface.co/ReliableAI/UCCIX-Llama2-13B-Instruct, and interact with it live at: https://aine.chat
19
+
20
+ ## Run the model
21
+
22
+ Run the model with the transformers library:
23
+ ```python
24
+ from transformers import AutoModelForCausalLM, AutoTokenizer
25
+ import torch
26
+ model_id = "ReliableAI/UCCIX-Llama2-13B-Instruct"
27
+ tokenizer = AutoTokenizer.from_pretrained(model_id)
28
+ model = AutoModelForCausalLM.from_pretrained(model_id,
29
+ device_map="auto",
30
+ dtype=torch.float16 # optional, load in 16-bit precision mode to reduce memory usage
31
+ )
32
+ model.eval()
33
+
34
+ input = "I love the environment."
35
+ input_ids = tokenizer(input, return_tensors="pt")["input_ids"]
36
+ generated_token_ids = model.generate(
37
+ inputs=input_ids,
38
+ max_new_tokens=100,
39
+ do_sample=True,
40
+ temperature=0.6,
41
+ top_p=1,
42
+ )[0]
43
+ generated_text = tokenizer.decode(generated_token_ids)
44
+ ```
45
+
46
+ ## Notice
47
+
48
+ As a pioneering effort, the UCCIX model does not have any moderation mechanisms at the moment. We anticipate collaborating with the community to refine the model's adherence to restrictions so that it can be implemented in settings that demand moderated outcomes.
49
+
50
+ ## Citation
51
+ ```
52
+ @misc{tran2024uccix,
53
+ title={UCCIX: Irish-eXcellence Large Language Model},
54
+ author={Khanh-Tung Tran and Barry O'Sullivan and Hoang D. Nguyen},
55
+ year={2024},
56
+ eprint={2405.13010},
57
+ archivePrefix={arXiv},
58
+ primaryClass={cs.CL}
59
+ }
60
+ ```