Xidong commited on
Commit
20c7462
1 Parent(s): 88885e7

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +193 -190
README.md CHANGED
@@ -1,256 +1,259 @@
1
  ---
2
- license: mit
3
- license_link: https://huggingface.co/microsoft/Phi-3-mini-4k-instruct/resolve/main/LICENSE
4
-
5
  language:
 
6
  - en
7
- pipeline_tag: text-generation
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
8
  tags:
9
- - nlp
10
- - code
11
- inference:
12
- parameters:
13
- temperature: 0.7
14
- widget:
15
- - messages:
16
- - role: user
17
- content: Can you provide ways to eat combinations of bananas and dragonfruits?
18
  ---
 
19
 
20
- ## Model Summary
 
21
 
22
- The Phi-3-Mini-4K-Instruct is a 3.8B parameters, lightweight, state-of-the-art open model trained with the Phi-3 datasets that includes both synthetic data and the filtered publicly available websites data with a focus on high-quality and reasoning dense properties.
23
- The model belongs to the Phi-3 family with the Mini version in two variants [4K](https://huggingface.co/microsoft/Phi-3-mini-4k-instruct) and [128K](https://huggingface.co/microsoft/Phi-3-mini-128k-instruct) which is the context length (in tokens) that it can support.
24
 
25
- The model has underwent a post-training process that incorporates both supervised fine-tuning and direct preference optimization for the instruction following and safety measures.
26
- When assessed against benchmarks testing common sense, language understanding, math, code, long context and logical reasoning, Phi-3 Mini-4K-Instruct showcased a robust and state-of-the-art performance among models with less than 13 billion parameters.
27
 
28
- Resources and Technical Documentation:
 
 
29
 
30
- + [Phi-3 Microsoft Blog](https://aka.ms/phi3blog-april)
31
- + [Phi-3 Technical Report](https://aka.ms/phi3-tech-report)
32
- + [Phi-3 on Azure AI Studio](https://aka.ms/phi3-azure-ai)
33
- + Phi-3 GGUF: [4K](https://aka.ms/Phi3-mini-4k-instruct-gguf)
34
- + Phi-3 ONNX: [4K](https://aka.ms/Phi3-mini-4k-instruct-onnx)
35
 
36
- ## Intended Uses
37
 
38
- **Primary use cases**
39
 
40
- The model is intended for commercial and research use in English. The model provides uses for applications which require:
41
 
42
- 1) Memory/compute constrained environments
43
- 2) Latency bound scenarios
44
- 3) Strong reasoning (especially code, math and logic)
45
 
46
- Our model is designed to accelerate research on language and multimodal models, for use as a building block for generative AI powered features.
47
 
48
- **Use case considerations**
49
 
50
- Our models are not specifically designed or evaluated for all downstream purposes. Developers should consider common limitations of language models as they select use cases, and evaluate and mitigate for accuracy, safety, and fariness before using within a specific downstream use case, particularly for high risk scenarios. Developers should be aware of and adhere to applicable laws or regulations (including privacy, trade compliance laws, etc.) that are relevant to their use case.
51
 
52
- Nothing contained in this Model Card should be interpreted as or deemed a restriction or modification to the license the model is released under.
 
53
 
54
- ## How to Use
55
 
56
- Phi-3 Mini-4K-Instruct has been integrated in the development version (4.41.0.dev0) of `transformers`. Until the official version is released through `pip`, ensure that you are doing one of the following:
57
 
58
- * When loading the model, ensure that `trust_remote_code=True` is passed as an argument of the `from_pretrained()` function.
59
 
60
- * Update your local `transformers` to the development version: `pip uninstall -y transformers && pip install git+https://github.com/huggingface/transformers`. The previous command is an alternative to cloning and installing from the source.
 
61
 
62
- The current `transformers` version can be verified with: `pip list | grep transformers`.
 
63
 
64
- Phi-3 Mini-4K-Instruct is also available in [HuggingChat](https://aka.ms/try-phi3-hf-chat).
65
 
66
- ### Tokenizer
67
 
68
- Phi-3 Mini-4K-Instruct supports a vocabulary size of up to `32064` tokens. The [tokenizer files](https://huggingface.co/microsoft/Phi-3-mini-4k-instruct/blob/main/added_tokens.json) already provide placeholder tokens that can be used for downstream fine-tuning, but they can also be extended up to the model's vocabulary size.
 
69
 
70
- ### Chat Format
 
71
 
72
- Given the nature of the training data, the Phi-3 Mini-4K-Instruct model is best suited for prompts using the chat format as follows.
73
- You can provide the prompt as a question with a generic template as follow:
74
- ```markdown
75
- <|user|>\nQuestion <|end|>\n<|assistant|>
76
- ```
77
- For example:
78
- ```markdown
79
- <|user|>
80
- How to explain Internet for a medieval knight?<|end|>
81
- <|assistant|>
82
- ```
83
 
84
- where the model generates the text after `<|assistant|>` . In case of few-shots prompt, the prompt can be formatted as the following:
85
 
86
- ```markdown
87
- <|user|>
88
- I am going to Paris, what should I see?<|end|>
89
- <|assistant|>
90
- Paris, the capital of France, is known for its stunning architecture, art museums, historical landmarks, and romantic atmosphere. Here are some of the top attractions to see in Paris:\n\n1. The Eiffel Tower: The iconic Eiffel Tower is one of the most recognizable landmarks in the world and offers breathtaking views of the city.\n2. The Louvre Museum: The Louvre is one of the world's largest and most famous museums, housing an impressive collection of art and artifacts, including the Mona Lisa.\n3. Notre-Dame Cathedral: This beautiful cathedral is one of the most famous landmarks in Paris and is known for its Gothic architecture and stunning stained glass windows.\n\nThese are just a few of the many attractions that Paris has to offer. With so much to see and do, it's no wonder that Paris is one of the most popular tourist destinations in the world."<|end|>
91
- <|user|>
92
- What is so great about #1?<|end|>
93
- <|assistant|>
94
- ```
95
 
96
- ### Sample inference code
97
-
98
- This code snippets show how to get quickly started with running the model on a GPU:
99
-
100
- ```python
101
- import torch
102
- from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline
103
-
104
- torch.random.manual_seed(0)
105
-
106
- model = AutoModelForCausalLM.from_pretrained(
107
- "microsoft/Phi-3-mini-4k-instruct",
108
- device_map="cuda",
109
- torch_dtype="auto",
110
- trust_remote_code=True,
111
- )
112
- tokenizer = AutoTokenizer.from_pretrained("microsoft/Phi-3-mini-4k-instruct")
113
-
114
- messages = [
115
- {"role": "user", "content": "Can you provide ways to eat combinations of bananas and dragonfruits?"},
116
- {"role": "assistant", "content": "Sure! Here are some ways to eat bananas and dragonfruits together: 1. Banana and dragonfruit smoothie: Blend bananas and dragonfruits together with some milk and honey. 2. Banana and dragonfruit salad: Mix sliced bananas and dragonfruits together with some lemon juice and honey."},
117
- {"role": "user", "content": "What about solving an 2x + 3 = 7 equation?"},
118
- ]
119
-
120
- pipe = pipeline(
121
- "text-generation",
122
- model=model,
123
- tokenizer=tokenizer,
124
- )
125
-
126
- generation_args = {
127
- "max_new_tokens": 500,
128
- "return_full_text": False,
129
- "temperature": 0.0,
130
- "do_sample": False,
131
- }
132
 
133
- output = pipe(messages, **generation_args)
134
- print(output[0]['generated_text'])
135
- ```
136
 
137
- *Some applications/frameworks might not include a BOS token (`<s>`) at the start of the conversation. Please ensure that it is included since it provides more reliable results.*
 
 
 
 
138
 
139
- ## Responsible AI Considerations
 
 
 
140
 
141
- Like other language models, the Phi series models can potentially behave in ways that are unfair, unreliable, or offensive. Some of the limiting behaviors to be aware of include:
 
142
 
143
- + Quality of Service: the Phi models are trained primarily on English text. Languages other than English will experience worse performance. English language varieties with less representation in the training data might experience worse performance than standard American English.
144
- + Representation of Harms & Perpetuation of Stereotypes: These models can over- or under-represent groups of people, erase representation of some groups, or reinforce demeaning or negative stereotypes. Despite safety post-training, these limitations may still be present due to differing levels of representation of different groups or prevalence of examples of negative stereotypes in training data that reflect real-world patterns and societal biases.
145
- + Inappropriate or Offensive Content: these models may produce other types of inappropriate or offensive content, which may make it inappropriate to deploy for sensitive contexts without additional mitigations that are specific to the use case.
146
- + Information Reliability: Language models can generate nonsensical content or fabricate content that might sound reasonable but is inaccurate or outdated.
147
- + Limited Scope for Code: Majority of Phi-3 training data is based in Python and use common packages such as "typing, math, random, collections, datetime, itertools". If the model generates Python scripts that utilize other packages or scripts in other languages, we strongly recommend users manually verify all API uses.
148
 
149
- Developers should apply responsible AI best practices and are responsible for ensuring that a specific use case complies with relevant laws and regulations (e.g. privacy, trade, etc.). Important areas for consideration include:
150
 
151
- + Allocation: Models may not be suitable for scenarios that could have consequential impact on legal status or the allocation of resources or life opportunities (ex: housing, employment, credit, etc.) without further assessments and additional debiasing techniques.
152
- + High-Risk Scenarios: Developers should assess suitability of using models in high-risk scenarios where unfair, unreliable or offensive outputs might be extremely costly or lead to harm. This includes providing advice in sensitive or expert domains where accuracy and reliability are critical (ex: legal or health advice). Additional safeguards should be implemented at the application level according to the deployment context.
153
- + Misinformation: Models may produce inaccurate information. Developers should follow transparency best practices and inform end-users they are interacting with an AI system. At the application level, developers can build feedback mechanisms and pipelines to ground responses in use-case specific, contextual information, a technique known as Retrieval Augmented Generation (RAG).
154
- + Generation of Harmful Content: Developers should assess outputs for their context and use available safety classifiers or custom solutions appropriate for their use case.
155
- + Misuse: Other forms of misuse such as fraud, spam, or malware production may be possible, and developers should ensure that their applications do not violate applicable laws and regulations.
156
 
157
 
158
- ## Training
159
 
160
- ### Model
 
161
 
162
- * Architecture: Phi-3 Mini-4K-Instruct has 3.8B parameters and is a dense decoder-only Transformer model. The model is fine-tuned with Supervised fine-tuning (SFT) and Direct Preference Optimization (DPO) to ensure alignment with human preferences and safety guidlines.
163
- * Inputs: Text. It is best suited for prompts using chat format.
164
- * Context length: 4K tokens
165
- * GPUs: 512 H100-80G
166
- * Training time: 7 days
167
- * Training data: 3.3T tokens
168
- * Outputs: Generated text in response to the input
169
- * Dates: Our models were trained between February and April 2024
170
- * Status: This is a static model trained on an offline dataset with cutoff date October 2023. Future versions of the tuned models may be released as we improve models.
 
 
 
 
 
 
 
171
 
172
- ### Datasets
173
 
174
- Our training data includes a wide variety of sources, totaling 3.3 trillion tokens, and is a combination of
175
- 1) Publicly available documents filtered rigorously for quality, selected high-quality educational data, and code;
176
- 2) Newly created synthetic, “textbook-like” data for the purpose of teaching math, coding, common sense reasoning, general knowledge of the world (science, daily activities, theory of mind, etc.);
177
- 3) High quality chat format supervised data covering various topics to reflect human preferences on different aspects such as instruct-following, truthfulness, honesty and helpfulness.
 
 
 
 
 
 
 
 
 
 
 
 
 
 
178
 
179
- ### Fine-tuning
180
 
181
- A basic example of multi-GPUs supervised fine-tuning (SFT) with TRL and Accelerate modules is provided [here](https://huggingface.co/microsoft/Phi-3-mini-4k-instruct/resolve/main/sample_finetune.py).
 
182
 
183
- ## Benchmarks
184
 
185
- We report the results for Phi-3-Mini-4K-Instruct on standard open-source benchmarks measuring the model's reasoning ability (both common sense reasoning and logical reasoning). We compare to Phi-2, Mistral-7b-v0.1, Mixtral-8x7b, Gemma 7B, Llama-3-8B-Instruct, and GPT-3.5.
186
 
187
- All the reported numbers are produced with the exact same pipeline to ensure that the numbers are comparable. These numbers might differ from other published numbers due to slightly different choices in the evaluation.
188
 
189
- As is now standard, we use few-shot prompts to evaluate the models, at temperature 0.
190
- The prompts and number of shots are part of a Microsoft internal tool to evaluate language models, and in particular we did no optimization to the pipeline for Phi-3.
191
- More specifically, we do not change prompts, pick different few-shot examples, change prompt format, or do any other form of optimization for the model.
192
 
193
- The number of k–shot examples is listed per-benchmark.
194
 
195
- | | Phi-3-Mini-4K-In<br>3.8b | Phi-3-Small<br>7b (preview) | Phi-3-Medium<br>14b (preview) | Phi-2<br>2.7b | Mistral<br>7b | Gemma<br>7b | Llama-3-In<br>8b | Mixtral<br>8x7b | GPT-3.5<br>version 1106 |
196
- |---|---|---|---|---|---|---|---|---|---|
197
- | MMLU <br>5-Shot | 68.8 | 75.3 | 78.2 | 56.3 | 61.7 | 63.6 | 66.5 | 68.4 | 71.4 |
198
- | HellaSwag <br> 5-Shot | 76.7 | 78.7 | 83.2 | 53.6 | 58.5 | 49.8 | 71.1 | 70.4 | 78.8 |
199
- | ANLI <br> 7-Shot | 52.8 | 55.0 | 58.7 | 42.5 | 47.1 | 48.7 | 57.3 | 55.2 | 58.1 |
200
- | GSM-8K <br> 0-Shot; CoT | 82.5 | 86.4 | 90.8 | 61.1 | 46.4 | 59.8 | 77.4 | 64.7 | 78.1 |
201
- | MedQA <br> 2-Shot | 53.8 | 58.2 | 69.8 | 40.9 | 49.6 | 50.0 | 60.5 | 62.2 | 63.4 |
202
- | AGIEval <br> 0-Shot | 37.5 | 45.0 | 49.7 | 29.8 | 35.1 | 42.1 | 42.0 | 45.2 | 48.4 |
203
- | TriviaQA <br> 5-Shot | 64.0 | 59.1 | 73.3 | 45.2 | 72.3 | 75.2 | 67.7 | 82.2 | 85.8 |
204
- | Arc-C <br> 10-Shot | 84.9 | 90.7 | 91.9 | 75.9 | 78.6 | 78.3 | 82.8 | 87.3 | 87.4 |
205
- | Arc-E <br> 10-Shot | 94.6 | 97.1 | 98.0 | 88.5 | 90.6 | 91.4 | 93.4 | 95.6 | 96.3 |
206
- | PIQA <br> 5-Shot | 84.2 | 87.8 | 88.2 | 60.2 | 77.7 | 78.1 | 75.7 | 86.0 | 86.6 |
207
- | SociQA <br> 5-Shot | 76.6 | 79.0 | 79.4 | 68.3 | 74.6 | 65.5 | 73.9 | 75.9 | 68.3 |
208
- | BigBench-Hard <br> 0-Shot | 71.7 | 75.0 | 82.5 | 59.4 | 57.3 | 59.6 | 51.5 | 69.7 | 68.32 |
209
- | WinoGrande <br> 5-Shot | 70.8 | 82.5 | 81.2 | 54.7 | 54.2 | 55.6 | 65 | 62.0 | 68.8 |
210
- | OpenBookQA <br> 10-Shot | 83.2 | 88.4 | 86.6 | 73.6 | 79.8 | 78.6 | 82.6 | 85.8 | 86.0 |
211
- | BoolQ <br> 0-Shot | 77.6 | 82.9 | 86.5 | -- | 72.2 | 66.0 | 80.9 | 77.6 | 79.1 |
212
- | CommonSenseQA <br> 10-Shot | 80.2 | 80.3 | 82.6 | 69.3 | 72.6 | 76.2 | 79 | 78.1 | 79.6 |
213
- | TruthfulQA <br> 10-Shot | 65.0 | 68.1 | 74.8 | -- | 52.1 | 53.0 | 63.2 | 60.1 | 85.8 |
214
- | HumanEval <br> 0-Shot | 59.1 | 59.1 | 54.7 | 47.0 | 28.0 | 34.1 | 60.4 | 37.8 | 62.2 |
215
- | MBPP <br> 3-Shot | 53.8 | 71.4 | 73.7 | 60.6 | 50.8 | 51.5 | 67.7 | 60.2 | 77.8 |
216
 
217
- ## Software
 
 
 
 
218
 
219
- * [PyTorch](https://github.com/pytorch/pytorch)
220
- * [DeepSpeed](https://github.com/microsoft/DeepSpeed)
221
- * [Transformers](https://github.com/huggingface/transformers)
222
- * [Flash-Attention](https://github.com/HazyResearch/flash-attention)
 
 
 
 
223
 
224
- ## Hardware
225
- Note that by default, the Phi-3-mini model uses flash attention, which requires certain types of GPU hardware to run. We have tested on the following GPU types:
226
- * NVIDIA A100
227
- * NVIDIA A6000
228
- * NVIDIA H100
229
 
230
- If you want to run the model on:
231
- * NVIDIA V100 or earlier generation GPUs: call AutoModelForCausalLM.from_pretrained() with attn_implementation="eager"
232
- * CPU: use the **GGUF** quantized models [4K](https://aka.ms/Phi3-mini-4k-instruct-gguf)
233
- + Optimized inference on GPU, CPU, and Mobile: use the **ONNX** models [4K](https://aka.ms/Phi3-mini-4k-instruct-onnx)
 
234
 
 
235
 
236
- ## Cross Platform Support
237
 
238
- ONNX runtime ecosystem now supports Phi-3 Mini models across platforms and hardware. You can find the optimized Phi-3 Mini-4K-Instruct ONNX model [here](https://aka.ms/phi3-mini-4k-instruct-onnx).
239
 
240
- Optimized Phi-3 models are also published here in ONNX format, to run with ONNX Runtime on CPU and GPU across devices, including server platforms, Windows, Linux and Mac desktops, and mobile CPUs, with the precision best suited to each of these targets. DirectML support lets developers bring hardware acceleration to Windows devices at scale across AMD, Intel, and NVIDIA GPUs.
241
- Along with DirectML, ONNX Runtime provides cross platform support for Phi-3 across a range of devices CPU, GPU, and mobile.
242
 
243
- Here are some of the optimized configurations we have added:
244
 
245
- 1. ONNX models for int4 DML: Quantized to int4 via AWQ
246
- 2. ONNX model for fp16 CUDA
247
- 3. ONNX model for int4 CUDA: Quantized to int4 via RTN
248
- 4. ONNX model for int4 CPU and Mobile: Quantized to int4 via RTN
249
 
250
- ## License
 
 
251
 
252
- The model is licensed under the [MIT license](https://huggingface.co/microsoft/Phi-3-mini-4k/resolve/main/LICENSE).
253
 
254
- ## Trademarks
 
 
 
 
255
 
256
- This project may contain trademarks or logos for projects, products, or services. Authorized use of Microsoft trademarks or logos is subject to and must follow [Microsoft’s Trademark & Brand Guidelines](https://www.microsoft.com/en-us/legal/intellectualproperty/trademarks). Use of Microsoft trademarks or logos in modified versions of this project must not cause confusion or imply Microsoft sponsorship. Any use of third-party trademarks or logos are subject to those third-party’s policies.
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  ---
2
+ license: apache-2.0
3
+ datasets:
4
+ - FreedomIntelligence/ApolloMoEDataset
5
  language:
6
+ - ar
7
  - en
8
+ - zh
9
+ - ko
10
+ - ja
11
+ - mn
12
+ - th
13
+ - vi
14
+ - lo
15
+ - mg
16
+ - de
17
+ - pt
18
+ - es
19
+ - fr
20
+ - ru
21
+ - it
22
+ - hr
23
+ - gl
24
+ - cs
25
+ - co
26
+ - la
27
+ - uk
28
+ - bs
29
+ - bg
30
+ - eo
31
+ - sq
32
+ - da
33
+ - sa
34
+ - 'no'
35
+ - gn
36
+ - sr
37
+ - sk
38
+ - gd
39
+ - lb
40
+ - hi
41
+ - ku
42
+ - mt
43
+ - he
44
+ - ln
45
+ - bm
46
+ - sw
47
+ - ig
48
+ - rw
49
+ - ha
50
+ metrics:
51
+ - accuracy
52
+ base_model:
53
+ - microsoft/Phi-3-mini-4k-instruct
54
+ pipeline_tag: question-answering
55
  tags:
56
+ - biology
57
+ - medical
 
 
 
 
 
 
 
58
  ---
59
+ # Democratizing Medical LLMs For Much More Languages
60
 
61
+ Covering 12 Major Languages including English, Chinese, French, Hindi, Spanish, Arabic, Russian, Japanese, Korean, German, Italian, Portuguese and 38 Minor Languages So far.
62
+ <center>
63
 
 
 
64
 
 
 
65
 
66
+ <p align="center">
67
+ 📃 <a href="https://arxiv.org/abs/2410.10626" target="_blank">Paper</a> • 🌐 <a href="" target="_blank">Demo</a> • 🤗 <a href="https://huggingface.co/datasets/FreedomIntelligence/ApolloMoEDataset" target="_blank">ApolloMoEDataset</a> • 🤗 <a href="https://huggingface.co/datasets/FreedomIntelligence/ApolloMoEBench" target="_blank">ApolloMoEBench</a> • 🤗 <a href="https://huggingface.co/collections/FreedomIntelligence/apollomoe-and-apollo2-670ddebe3bb1ba1aebabbf2c" target="_blank">Models</a> • 🌐 <a href="https://github.com/FreedomIntelligence/Apollo" target="_blank">Apollo</a>
68
+ </p>
69
 
 
 
 
 
 
70
 
 
71
 
72
+ ![Apollo](assets/apollo_medium_final.png)
73
 
 
74
 
75
+ ## 🌈 Update
 
 
76
 
77
+ * **[2024.10.15]** ApolloMoE repo is published!🎉
78
 
 
79
 
80
+ ## Architecture
81
 
82
+ <details>
83
+ <summary>Click to view the MoE routing image</summary>
84
 
85
+ ![ApolloMoE](/assets/hybrid_routing.png)
86
 
87
+ </details>
88
 
89
+ ## Results
90
 
91
+ ### Dense
92
+ 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo2-0.5B" target="_blank">Apollo2-0.5B</a> • 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo2-1.5B" target="_blank">Apollo2-1.5B</a> • 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo2-2B" target="_blank">Apollo2-2B</a> • 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo2-3.8B" target="_blank">Apollo2-3.8B</a> • 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo2-7B" target="_blank">Apollo2-7B</a> • 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo2-9B" target="_blank">Apollo2-9B</a>
93
 
94
+ <details>
95
+ <summary>Click to view the Dense Models Results</summary>
96
 
97
+ ![ApolloMoE](assets/dense_results.png)
98
 
99
+ </details>
100
 
101
+ ### Post-MoE
102
+ 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo-MoE-0.5B" target="_blank">Apollo-MoE-0.5B</a> • 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo-MoE-1.5B" target="_blank">Apollo-MoE-1.5B</a> • 🤗 <a href="https://huggingface.co/FreedomIntelligence/Apollo-MoE-7B" target="_blank">Apollo-MoE-7B</a>
103
 
104
+ <details>
105
+ <summary>Click to view the Post-MoE Models Results</summary>
106
 
107
+ ![ApolloMoE](assets/post_moe_results.png)
 
 
 
 
 
 
 
 
 
 
108
 
109
+ </details>
110
 
111
+
 
 
 
 
 
 
 
 
112
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
113
 
114
+
115
+
 
116
 
117
+ ## Usage Format
118
+ #### Apollo2
119
+ - 0.5B, 1.5B, 7B: User:{query}\nAssistant:{response}<|endoftext|>
120
+ - 2B, 9B: User:{query}\nAssistant:{response}\<eos\>
121
+ - 3.8B: <|user|>\n{query}<|end|><|assisitant|>\n{response}<|end|>
122
 
123
+ #### Apollo-MoE
124
+ - 0.5B, 1.5B, 7B: User:{query}\nAssistant:{response}<|endoftext|>
125
+
126
+ ## Dataset & Evaluation
127
 
128
+ - Dataset
129
+ 🤗 <a href="https://huggingface.co/datasets/FreedomIntelligence/ApolloMoEDataset" target="_blank">ApolloMoEDataset</a>
130
 
131
+ <details><summary>Click to expand</summary>
 
 
 
 
132
 
133
+ ![ApolloMoE](assets/Dataset.png)
134
 
135
+ - [Data category](https://huggingface.co/datasets/FreedomIntelligence/ApolloCorpus/tree/main/train)
 
 
 
 
136
 
137
 
138
+ </details>
139
 
140
+ - Evaluation
141
+ 🤗 <a href="https://huggingface.co/datasets/FreedomIntelligence/ApolloMoEBench" target="_blank">ApolloMoEBench</a>
142
 
143
+ <details><summary>Click to expand</summary>
144
+
145
+ - EN:
146
+ - [MedQA-USMLE](https://huggingface.co/datasets/GBaker/MedQA-USMLE-4-options)
147
+ - [MedMCQA](https://huggingface.co/datasets/medmcqa/viewer/default/test)
148
+ - [PubMedQA](https://huggingface.co/datasets/pubmed_qa): Because the results fluctuated too much, they were not used in the paper.
149
+ - [MMLU-Medical](https://huggingface.co/datasets/cais/mmlu)
150
+ - Clinical knowledge, Medical genetics, Anatomy, Professional medicine, College biology, College medicine
151
+ - ZH:
152
+ - [MedQA-MCMLE](https://huggingface.co/datasets/bigbio/med_qa/viewer/med_qa_zh_4options_bigbio_qa/test)
153
+ - [CMB-single](https://huggingface.co/datasets/FreedomIntelligence/CMB): Not used in the paper
154
+ - Randomly sample 2,000 multiple-choice questions with single answer.
155
+ - [CMMLU-Medical](https://huggingface.co/datasets/haonan-li/cmmlu)
156
+ - Anatomy, Clinical_knowledge, College_medicine, Genetics, Nutrition, Traditional_chinese_medicine, Virology
157
+ - [CExam](https://github.com/williamliujl/CMExam): Not used in the paper
158
+ - Randomly sample 2,000 multiple-choice questions
159
 
 
160
 
161
+ - ES: [Head_qa](https://huggingface.co/datasets/head_qa)
162
+ - FR:
163
+ - [Frenchmedmcqa](https://github.com/qanastek/FrenchMedMCQA)
164
+ - [MMLU_FR]
165
+ - Clinical knowledge, Medical genetics, Anatomy, Professional medicine, College biology, College medicine
166
+ - HI: [MMLU_HI](https://huggingface.co/datasets/FreedomIntelligence/MMLU_Hindi)
167
+ - Clinical knowledge, Medical genetics, Anatomy, Professional medicine, College biology, College medicine
168
+ - AR: [MMLU_AR](https://huggingface.co/datasets/FreedomIntelligence/MMLU_Arabic)
169
+ - Clinical knowledge, Medical genetics, Anatomy, Professional medicine, College biology, College medicine
170
+ - JA: [IgakuQA](https://github.com/jungokasai/IgakuQA)
171
+ - KO: [KorMedMCQA](https://huggingface.co/datasets/sean0042/KorMedMCQA)
172
+ - IT:
173
+ - [MedExpQA](https://huggingface.co/datasets/HiTZ/MedExpQA)
174
+ - [MMLU_IT]
175
+ - Clinical knowledge, Medical genetics, Anatomy, Professional medicine, College biology, College medicine
176
+ - DE: [BioInstructQA](https://huggingface.co/datasets/BioMistral/BioInstructQA): German part
177
+ - PT: [BioInstructQA](https://huggingface.co/datasets/BioMistral/BioInstructQA): Portuguese part
178
+ - RU: [RuMedBench](https://github.com/sb-ai-lab/MedBench)
179
 
 
180
 
181
+
182
+
183
 
 
184
 
185
+ </details>
186
 
 
187
 
188
+ ## Results reproduction
189
+ <details><summary>Click to expand</summary>
 
190
 
 
191
 
192
+ We take Gemma-2b as example
193
+ 1. Download Dataset for project:
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
194
 
195
+ ```
196
+ bash 0.download_data.sh
197
+ ```
198
+
199
+ 2. Prepare test and dev for specific model:
200
 
201
+
202
+ - Create test data for with special token, you can use ./util/check.ipynb to check models' special tokens
203
+
204
+ ```
205
+ bash 1.data_process_test&dev.sh
206
+ ```
207
+
208
+ 3. Prepare train data for specific model (Create tokenized data in advance):
209
 
 
 
 
 
 
210
 
211
+ - You can adjust data Training order and Training Epoch in this step
212
+
213
+ ```
214
+ bash 2.data_process_train.sh
215
+ ```
216
 
217
+ 4. Train the model
218
 
 
219
 
220
+ - If you want to train in Multi Nodes please refer to ./scripts/multi_node_train_*.sh
221
 
 
 
222
 
 
223
 
 
 
 
 
224
 
225
+ ```
226
+ bash 3.single_node_train_gemma.sh
227
+ ```
228
 
 
229
 
230
+ 5. Evaluate your model: Generate score for benchmark
231
+
232
+ ```
233
+ bash 4.eval.sh
234
+ ```
235
 
236
+ 6. Evaluate your model: Play with your ckpts in bash
237
+
238
+ ```
239
+ python ./src/evaluate/cli_demo.py --model_name='./ckpts/your/path/tfmr'
240
+ ```
241
+
242
+ </details>
243
+
244
+
245
+
246
+ ## Citation
247
+ Please use the following citation if you intend to use our dataset for training or evaluation:
248
+
249
+ ```
250
+ @misc{zheng2024efficientlydemocratizingmedicalllms,
251
+ title={Efficiently Democratizing Medical LLMs for 50 Languages via a Mixture of Language Family Experts},
252
+ author={Guorui Zheng and Xidong Wang and Juhao Liang and Nuo Chen and Yuping Zheng and Benyou Wang},
253
+ year={2024},
254
+ eprint={2410.10626},
255
+ archivePrefix={arXiv},
256
+ primaryClass={cs.CL},
257
+ url={https://arxiv.org/abs/2410.10626},
258
+ }
259
+ ```