lbourdois commited on
Commit
a13fc3b
·
verified ·
1 Parent(s): 0f67cd8

Improve language tag

Browse files

Hi! As the model is multilingual, this is a PR to add other languages than English to the language tag to improve the referencing. Note that 29 languages are announced in the README, but only 13 are explicitly listed. I was therefore only able to add these 13 languages.

Files changed (1) hide show
  1. README.md +164 -153
README.md CHANGED
@@ -1,153 +1,164 @@
1
- ---
2
- license: apache-2.0
3
- language:
4
- - en
5
- - zh
6
- metrics:
7
- - accuracy
8
- base_model:
9
- - Qwen/Qwen2.5-72B
10
- pipeline_tag: text-generation
11
- ---
12
- <div style="text-align: center;">
13
- <h1>YiXin-Distill-Qwen-72B</h1>
14
- <img src="./fig/logo.png" alt="YiXin Logo">
15
- </div>
16
-
17
- ## Model Overview
18
-
19
- **YiXin-Distill-Qwen-72B: A High-Performance Distilled Model for Mathematical and General Reasoning**, derived from Qwen2.5-72B using reinforcement learning. It is specifically optimized for mathematical reasoning and general knowledge tasks. Leveraging advanced distillation techniques, this model enhances reasoning capabilities while maintaining computational efficiency. Built upon the robust Qwen model foundation, it aims to achieve state-of-the-art performance across various benchmark evaluations.Our benchmark evaluations demonstrate that YiXin-Distill-Qwen-72B delivers strong performance, showing improvements over comparable distilled models in key mathematical and general reasoning tasks, with observed average improvements of 5 to 11 percentage points.
20
- ## Training Details
21
-
22
- ### Data Collection and Processing
23
-
24
- YiXin-Distill-Qwen-72B is trained on a carefully curated, high-quality dataset designed to improve mathematical reasoning and general knowledge comprehension. The data pipeline follows a structured multi-stage approach to ensure optimal model performance while minimizing noise.
25
-
26
- #### 1. **Dataset Aggregation**
27
-
28
- - Built upon currently available high-quality open-source datasets.
29
- - Covers multiple domains, including **mathematics and general knowledge**.
30
-
31
- #### 2. **Data Filtering and Quality Assessment**
32
-
33
- We implemented a comprehensive quality control framework utilizing DeepSeek-R1 as an LLM judge to evaluate data quality. The assessment criteria included:
34
- - **Difficulty Level**: Data samples were categorized into simple, moderate, and difficult tiers to ensure balanced representation across complexity levels.
35
- - **Ground Truth** Verification: We employed rigorous verification processes to ensure the correctness of answers within the dataset.
36
- - **Quality Scoring**: Each prompt-response pair was evaluated based on its complexity, instructional clarity, and potential to enhance reasoning abilities.
37
- - **Response Length Analysis**: Responses that failed to meet minimum length requirements were excluded, as they typically lacked sufficient information to provide meaningful training signals.
38
-
39
- #### 3. **Validation and Refinement**
40
-
41
- For subjective answers, we employed an LLM-based judge to validate response quality and relevance.
42
- Mathematical content underwent additional validation procedures:
43
- - Mathematical answers and their corresponding solutions were systematically validated.
44
- - A critic model assessed each solution process to ensure logical consistency and correctness of mathematical reasoning.
45
- - Solutions with logical gaps or incorrect reasoning patterns were either corrected or removed from the training set.
46
-
47
- ## Distillation Process
48
-
49
- YiXin-Distill-Qwen-72B adopts a progressive two-stage distillation approach, iteratively refining model performance through intelligent data selection and optimization. The training framework continuously identifies and removes high-confidence samples—i.e., cases where the model already excels—to mitigate overfitting, while iteratively refining low-confidence samples to strengthen weak reasoning patterns. By leveraging multiple fine-tuning cycles and quality assessments, the model achieves a balanced enhancement of efficiency and accuracy across mathematical and general reasoning benchmarks.
50
-
51
- ## Evaluation Results
52
-
53
- YiXin-Distill-Qwen-72B was benchmarked against multiple models, including QwQ-32B, DeepSeek-R1-Distill-Qwen-32B, and DeepSeek-R1-Distill-Llama-70B, DeepSeek-R1, across mathematical reasoning and general knowledge tasks:
54
-
55
- ![Evaluation Results](./fig/Metric.png)
56
-
57
- | Metric | QwQ-32B | DeepSeek-R1-Distill-Qwen-32B | DeepSeek-R1-Distill-Llama-70B | DeepSeek-R1 | YiXin-Distill-Qwen-72B |
58
- |---------------|-------------|-----------------------------|------------------------------|-------------|------------------------|
59
- | MATH-500 | 96.2 | 91.2 | 94.0 | 94.4 | **97.0** |
60
- | GPQA-Diamond | 62.6 | 62.1 | 62.6 | **74.8** | 69.2 |
61
- | AIME-24 | 73.3 | 66.7 | 70.0 | **80.0** | 76.7 |
62
- | AIME-25 | 63.3 | 60.0 | 46.7 | 63.3 | **73.3** |
63
- | MMLU-Pro | 86.2 | 78.3 | 80.3 | 92.4 | **92.6** |
64
- | **Average** | 76.3 | 71.7 | 70.7 | 81.0 | **81.8** |
65
-
66
- YiXin-Distill-Qwen-72B demonstrates significant improvements across mathematical reasoning and general knowledge tasks.
67
-
68
- ## How to Run Locally
69
-
70
- ### Hugging Face's Transformers
71
-
72
- ```python
73
- from transformers import AutoModelForCausalLM, AutoTokenizer
74
- model_name = "YiXin-AILab/YiXin-Distill-Qwen-72B"
75
- model = AutoModelForCausalLM.from_pretrained(
76
- model_name,
77
- torch_dtype="auto",
78
- device_map="auto"
79
- )
80
- tokenizer = AutoTokenizer.from_pretrained(model_name)
81
- prompt = "8+8=?"
82
- messages = [
83
- {"role": "system", "content": "You are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step."},
84
- {"role": "user", "content": prompt}
85
- ]
86
- text = tokenizer.apply_chat_template(
87
- messages,
88
- tokenize=False,
89
- add_generation_prompt=True
90
- )
91
- model_inputs = tokenizer([text], return_tensors="pt").to(model.device)
92
- generated_ids = model.generate(
93
- **model_inputs,
94
- max_new_tokens=512
95
- )
96
- generated_ids = [
97
- output_ids[len(input_ids):] for input_ids, output_ids in zip(model_inputs.input_ids, generated_ids)
98
- ]
99
- response = tokenizer.batch_decode(generated_ids, skip_special_tokens=True)[0]
100
- ```
101
-
102
- ### vLLM or SGLang
103
-
104
- For instance, you can easily start a service using [vLLM](https://github.com/vllm-project/vllm):
105
-
106
- ```shell
107
- vllm serve YiXin-AILab/YiXin-Distill-Qwen-72B --tensor-parallel-size 4 --max-model-len 32768 --enforce-eager
108
- ```
109
-
110
- You can also easily start a service using [SGLang](https://github.com/sgl-project/sglang)
111
-
112
- ```bash
113
- python3 -m sglang.launch_server --model YiXin-AILab/YiXin-Distill-Qwen-72B --trust-remote-code --tp 4 --port 8000
114
- ```
115
-
116
- Then you can access the Chat API by:
117
-
118
- ```bash
119
- curl http://localhost:8000/v1/chat/completions \
120
- -H "Content-Type: application/json" \
121
- -d '{
122
- "model": "YiXin-AILab/YiXin-Distill-Qwen-72B",
123
- "messages": [
124
- {"role": "system", "content": "You are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step."},
125
- {"role": "user", "content": "8+8=?"}
126
- ]
127
- }'
128
- ```
129
-
130
- ## Limitations
131
-
132
- Despite its strong performance, YiXin-Distill-Qwen-72B has certain limitations:
133
-
134
- - **Potential Security Concerns:** YiXin-Distill-Qwen-72B may be vulnerable to adversarial attacks, prompt injection, and data leakage. Proper security measures are recommended for sensitive deployments.
135
- - **Domain-Specific Biases:** Performance may vary across different domains, particularly those underrepresented in the training data.
136
- - **Potential Loss in Distillation:** Some nuanced reasoning capabilities from the teacher model may be reduced during the distillation process.
137
-
138
- ## Citation
139
-
140
- If you use YiXin-Distill-Qwen-72B in your research, please cite this work appropriately:
141
-
142
- ```bibtex
143
- @misc{yixindistillqwen-72b,
144
- title={YiXin-Distill-Qwen-72B: A High-Performance Distilled Model for Mathematical and General Reasoning},
145
- author={YiXin-AILab},
146
- year={2025},
147
- url={https://huggingface.co/YiXin-AILab/YiXin-Distill-Qwen-72B}
148
- }
149
- ```
150
-
151
- ## Acknowledgments
152
-
153
- We acknowledge the contributions of the open-source community and researchers who have developed and maintained the Qwen and DeepSeek models. Their work has significantly advanced the field of large language model distillation and reasoning capabilities.
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ language:
4
+ - zho
5
+ - eng
6
+ - fra
7
+ - spa
8
+ - por
9
+ - deu
10
+ - ita
11
+ - rus
12
+ - jpn
13
+ - kor
14
+ - vie
15
+ - tha
16
+ - ara
17
+ metrics:
18
+ - accuracy
19
+ base_model:
20
+ - Qwen/Qwen2.5-72B
21
+ pipeline_tag: text-generation
22
+ ---
23
+ <div style="text-align: center;">
24
+ <h1>YiXin-Distill-Qwen-72B</h1>
25
+ <img src="./fig/logo.png" alt="YiXin Logo">
26
+ </div>
27
+
28
+ ## Model Overview
29
+
30
+ **YiXin-Distill-Qwen-72B: A High-Performance Distilled Model for Mathematical and General Reasoning**, derived from Qwen2.5-72B using reinforcement learning. It is specifically optimized for mathematical reasoning and general knowledge tasks. Leveraging advanced distillation techniques, this model enhances reasoning capabilities while maintaining computational efficiency. Built upon the robust Qwen model foundation, it aims to achieve state-of-the-art performance across various benchmark evaluations.Our benchmark evaluations demonstrate that YiXin-Distill-Qwen-72B delivers strong performance, showing improvements over comparable distilled models in key mathematical and general reasoning tasks, with observed average improvements of 5 to 11 percentage points.
31
+ ## Training Details
32
+
33
+ ### Data Collection and Processing
34
+
35
+ YiXin-Distill-Qwen-72B is trained on a carefully curated, high-quality dataset designed to improve mathematical reasoning and general knowledge comprehension. The data pipeline follows a structured multi-stage approach to ensure optimal model performance while minimizing noise.
36
+
37
+ #### 1. **Dataset Aggregation**
38
+
39
+ - Built upon currently available high-quality open-source datasets.
40
+ - Covers multiple domains, including **mathematics and general knowledge**.
41
+
42
+ #### 2. **Data Filtering and Quality Assessment**
43
+
44
+ We implemented a comprehensive quality control framework utilizing DeepSeek-R1 as an LLM judge to evaluate data quality. The assessment criteria included:
45
+ - **Difficulty Level**: Data samples were categorized into simple, moderate, and difficult tiers to ensure balanced representation across complexity levels.
46
+ - **Ground Truth** Verification: We employed rigorous verification processes to ensure the correctness of answers within the dataset.
47
+ - **Quality Scoring**: Each prompt-response pair was evaluated based on its complexity, instructional clarity, and potential to enhance reasoning abilities.
48
+ - **Response Length Analysis**: Responses that failed to meet minimum length requirements were excluded, as they typically lacked sufficient information to provide meaningful training signals.
49
+
50
+ #### 3. **Validation and Refinement**
51
+
52
+ For subjective answers, we employed an LLM-based judge to validate response quality and relevance.
53
+ Mathematical content underwent additional validation procedures:
54
+ - Mathematical answers and their corresponding solutions were systematically validated.
55
+ - A critic model assessed each solution process to ensure logical consistency and correctness of mathematical reasoning.
56
+ - Solutions with logical gaps or incorrect reasoning patterns were either corrected or removed from the training set.
57
+
58
+ ## Distillation Process
59
+
60
+ YiXin-Distill-Qwen-72B adopts a progressive two-stage distillation approach, iteratively refining model performance through intelligent data selection and optimization. The training framework continuously identifies and removes high-confidence samples—i.e., cases where the model already excels—to mitigate overfitting, while iteratively refining low-confidence samples to strengthen weak reasoning patterns. By leveraging multiple fine-tuning cycles and quality assessments, the model achieves a balanced enhancement of efficiency and accuracy across mathematical and general reasoning benchmarks.
61
+
62
+ ## Evaluation Results
63
+
64
+ YiXin-Distill-Qwen-72B was benchmarked against multiple models, including QwQ-32B, DeepSeek-R1-Distill-Qwen-32B, and DeepSeek-R1-Distill-Llama-70B, DeepSeek-R1, across mathematical reasoning and general knowledge tasks:
65
+
66
+ ![Evaluation Results](./fig/Metric.png)
67
+
68
+ | Metric | QwQ-32B | DeepSeek-R1-Distill-Qwen-32B | DeepSeek-R1-Distill-Llama-70B | DeepSeek-R1 | YiXin-Distill-Qwen-72B |
69
+ |---------------|-------------|-----------------------------|------------------------------|-------------|------------------------|
70
+ | MATH-500 | 96.2 | 91.2 | 94.0 | 94.4 | **97.0** |
71
+ | GPQA-Diamond | 62.6 | 62.1 | 62.6 | **74.8** | 69.2 |
72
+ | AIME-24 | 73.3 | 66.7 | 70.0 | **80.0** | 76.7 |
73
+ | AIME-25 | 63.3 | 60.0 | 46.7 | 63.3 | **73.3** |
74
+ | MMLU-Pro | 86.2 | 78.3 | 80.3 | 92.4 | **92.6** |
75
+ | **Average** | 76.3 | 71.7 | 70.7 | 81.0 | **81.8** |
76
+
77
+ YiXin-Distill-Qwen-72B demonstrates significant improvements across mathematical reasoning and general knowledge tasks.
78
+
79
+ ## How to Run Locally
80
+
81
+ ### Hugging Face's Transformers
82
+
83
+ ```python
84
+ from transformers import AutoModelForCausalLM, AutoTokenizer
85
+ model_name = "YiXin-AILab/YiXin-Distill-Qwen-72B"
86
+ model = AutoModelForCausalLM.from_pretrained(
87
+ model_name,
88
+ torch_dtype="auto",
89
+ device_map="auto"
90
+ )
91
+ tokenizer = AutoTokenizer.from_pretrained(model_name)
92
+ prompt = "8+8=?"
93
+ messages = [
94
+ {"role": "system", "content": "You are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step."},
95
+ {"role": "user", "content": prompt}
96
+ ]
97
+ text = tokenizer.apply_chat_template(
98
+ messages,
99
+ tokenize=False,
100
+ add_generation_prompt=True
101
+ )
102
+ model_inputs = tokenizer([text], return_tensors="pt").to(model.device)
103
+ generated_ids = model.generate(
104
+ **model_inputs,
105
+ max_new_tokens=512
106
+ )
107
+ generated_ids = [
108
+ output_ids[len(input_ids):] for input_ids, output_ids in zip(model_inputs.input_ids, generated_ids)
109
+ ]
110
+ response = tokenizer.batch_decode(generated_ids, skip_special_tokens=True)[0]
111
+ ```
112
+
113
+ ### vLLM or SGLang
114
+
115
+ For instance, you can easily start a service using [vLLM](https://github.com/vllm-project/vllm):
116
+
117
+ ```shell
118
+ vllm serve YiXin-AILab/YiXin-Distill-Qwen-72B --tensor-parallel-size 4 --max-model-len 32768 --enforce-eager
119
+ ```
120
+
121
+ You can also easily start a service using [SGLang](https://github.com/sgl-project/sglang)
122
+
123
+ ```bash
124
+ python3 -m sglang.launch_server --model YiXin-AILab/YiXin-Distill-Qwen-72B --trust-remote-code --tp 4 --port 8000
125
+ ```
126
+
127
+ Then you can access the Chat API by:
128
+
129
+ ```bash
130
+ curl http://localhost:8000/v1/chat/completions \
131
+ -H "Content-Type: application/json" \
132
+ -d '{
133
+ "model": "YiXin-AILab/YiXin-Distill-Qwen-72B",
134
+ "messages": [
135
+ {"role": "system", "content": "You are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step."},
136
+ {"role": "user", "content": "8+8=?"}
137
+ ]
138
+ }'
139
+ ```
140
+
141
+ ## Limitations
142
+
143
+ Despite its strong performance, YiXin-Distill-Qwen-72B has certain limitations:
144
+
145
+ - **Potential Security Concerns:** YiXin-Distill-Qwen-72B may be vulnerable to adversarial attacks, prompt injection, and data leakage. Proper security measures are recommended for sensitive deployments.
146
+ - **Domain-Specific Biases:** Performance may vary across different domains, particularly those underrepresented in the training data.
147
+ - **Potential Loss in Distillation:** Some nuanced reasoning capabilities from the teacher model may be reduced during the distillation process.
148
+
149
+ ## Citation
150
+
151
+ If you use YiXin-Distill-Qwen-72B in your research, please cite this work appropriately:
152
+
153
+ ```bibtex
154
+ @misc{yixindistillqwen-72b,
155
+ title={YiXin-Distill-Qwen-72B: A High-Performance Distilled Model for Mathematical and General Reasoning},
156
+ author={YiXin-AILab},
157
+ year={2025},
158
+ url={https://huggingface.co/YiXin-AILab/YiXin-Distill-Qwen-72B}
159
+ }
160
+ ```
161
+
162
+ ## Acknowledgments
163
+
164
+ We acknowledge the contributions of the open-source community and researchers who have developed and maintained the Qwen and DeepSeek models. Their work has significantly advanced the field of large language model distillation and reasoning capabilities.