Locutusque commited on
Commit
5d0206b
1 Parent(s): c75d9f3

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +37 -49
README.md CHANGED
@@ -8,56 +8,44 @@ tags:
8
  base_model:
9
  - M4-ai/tau-0.5B
10
  - Qwen/Qwen1.5-0.5B
 
 
 
11
  ---
12
 
13
  # tau-0.5B
14
 
15
- tau-0.5B is a merge of the following models using [LazyMergekit](https://colab.research.google.com/drive/1obulZ1ROXHjYLn6PPZJwRR6GzgQogxxb?usp=sharing):
16
- * [M4-ai/tau-0.5B](https://huggingface.co/M4-ai/tau-0.5B)
17
- * [Qwen/Qwen1.5-0.5B](https://huggingface.co/Qwen/Qwen1.5-0.5B)
18
-
19
- ## 🧩 Configuration
20
-
21
- ```yaml
22
- slices:
23
- - sources:
24
- - model: M4-ai/tau-0.5B
25
- layer_range: [0, 24]
26
- - model: Qwen/Qwen1.5-0.5B
27
- layer_range: [0, 24]
28
- merge_method: slerp
29
- base_model: M4-ai/tau-0.5B
30
- parameters:
31
- t:
32
- - filter: self_attn
33
- value: [0, 0.5, 0.3, 0.7, 1]
34
- - filter: mlp
35
- value: [1, 0.5, 0.7, 0.3, 0]
36
- - value: 0.5
37
- dtype: bfloat16
38
- ```
39
-
40
- ## 💻 Usage
41
-
42
- ```python
43
- !pip install -qU transformers accelerate
44
-
45
- from transformers import AutoTokenizer
46
- import transformers
47
- import torch
48
-
49
- model = "M4-ai/tau-0.5B"
50
- messages = [{"role": "user", "content": "What is a large language model?"}]
51
-
52
- tokenizer = AutoTokenizer.from_pretrained(model)
53
- prompt = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
54
- pipeline = transformers.pipeline(
55
- "text-generation",
56
- model=model,
57
- torch_dtype=torch.float16,
58
- device_map="auto",
59
- )
60
-
61
- outputs = pipeline(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95)
62
- print(outputs[0]["generated_text"])
63
- ```
 
8
  base_model:
9
  - M4-ai/tau-0.5B
10
  - Qwen/Qwen1.5-0.5B
11
+ license: cc-by-sa-4.0
12
+ datasets:
13
+ - Locutusque/UltraTextbooks-2.0
14
  ---
15
 
16
  # tau-0.5B
17
 
18
+ ## Model Details
19
+ - **Model Name:** tau-0.5B
20
+ - **Base Model:** Qwen1.5-0.5B
21
+ - **Dataset:** UltraTextbooks-2.0
22
+ - **Model Size:** 0.5B parameters
23
+ - **Model Type:** Language Model
24
+ - **Training Procedure:** Further pre-training of Qwen1.5-0.5B on UltraTextbooks-2.0, followed by merging back to the base model using SLERP to prevent catastrophic forgetting.
25
+
26
+ ## Model Use
27
+ tau-0.5B is designed to be a general-purpose language model with enhanced capabilities in the domains of machine learning, mathematics, and coding. It can be used for a wide range of natural language processing tasks, such as:
28
+ - Educational question answering
29
+ - Text summarization
30
+ - Content generation for educational purposes
31
+ - Code understanding and generation
32
+ - Mathematical problem solving
33
+
34
+ The model's exposure to the diverse content in the UltraTextbooks-2.0 dataset makes it particularly well-suited for applications in educational technology and research.
35
+
36
+ ## Training Data
37
+ tau-0.5B was further pre-trained on the UltraTextbooks-2.0 dataset, which is an expanded version of the original UltraTextbooks dataset. UltraTextbooks-2.0 incorporates additional high-quality synthetic and human-written textbooks from various sources on the Hugging Face platform, with a focus on increasing the diversity of content in the domains of machine learning, mathematics, and coding.
38
+
39
+ For more details on the dataset, please refer to the [UltraTextbooks-2.0 Dataset Card](https://example.com/ultratextbooks-2.0-dataset-card).
40
+
41
+ ## Performance and Limitations
42
+ Evaluations are yet to be performed. It is essential to note that the model may still exhibit biases or inaccuracies present in the training data. Users are encouraged to critically evaluate the model's outputs and report any issues to facilitate continuous improvement.
43
+
44
+ ## Environmental Impact
45
+ The training of tau-0.5B required computational resources that contribute to the model's overall environmental impact. However, efforts were made to optimize the training process and minimize the carbon footprint.
46
+
47
+ ## Ethical Considerations
48
+ tau-0.5B was trained on a diverse dataset that may contain biases and inaccuracies. Users should be aware of these potential limitations and use the model responsibly. The model should not be used for tasks that could cause harm or discriminate against individuals or groups.
49
+
50
+ ## Usage Rights
51
+ tau-0.5B is released under the cc-by-sa-4.0 license, allowing for both non-commercial and commercial use. Users are required to attribute the model to its creators and share any derivative works under the same license.