jw2yang commited on
Commit
ce7ba42
·
1 Parent(s): 65011c6

update readme

Browse files
Files changed (1) hide show
  1. README.md +200 -76
README.md CHANGED
@@ -3,11 +3,11 @@ library_name: transformers
3
  pipeline_tag: text-generation
4
  ---
5
 
6
- # Model Card for Model ID
7
 
8
  <!-- Provide a quick summary of what the model is/does. -->
9
 
10
-
11
 
12
  ## Model Details
13
 
@@ -15,63 +15,142 @@ pipeline_tag: text-generation
15
 
16
  <!-- Provide a longer summary of what this model is. -->
17
 
18
- This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated.
 
 
 
 
 
 
 
 
19
 
20
- - **Developed by:** [More Information Needed]
21
- - **Funded by [optional]:** [More Information Needed]
22
- - **Shared by [optional]:** [More Information Needed]
23
- - **Model type:** [More Information Needed]
24
- - **Language(s) (NLP):** [More Information Needed]
25
- - **License:** [More Information Needed]
26
- - **Finetuned from model [optional]:** [More Information Needed]
27
 
28
- ### Model Sources [optional]
29
 
30
  <!-- Provide the basic links for the model. -->
31
 
32
- - **Repository:** [More Information Needed]
33
- - **Paper [optional]:** [More Information Needed]
34
- - **Demo [optional]:** [More Information Needed]
35
 
36
- ## Uses
37
 
38
  <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
39
 
 
 
40
  ### Direct Use
41
 
42
  <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
43
 
44
- [More Information Needed]
 
 
 
 
 
 
 
45
 
46
- ### Downstream Use [optional]
 
47
 
48
  <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
49
 
50
- [More Information Needed]
51
 
52
- ### Out-of-Scope Use
53
 
54
  <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
55
 
56
- [More Information Needed]
 
 
 
 
 
 
 
 
 
 
 
57
 
58
  ## Bias, Risks, and Limitations
59
 
60
  <!-- This section is meant to convey both technical and sociotechnical limitations. -->
61
 
62
- [More Information Needed]
 
 
 
 
63
 
64
  ### Recommendations
65
 
66
  <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
67
 
68
- Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
69
 
70
  ## How to Get Started with the Model
71
 
 
 
72
  Use the code below to get started with the model.
73
 
74
- [More Information Needed]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
75
 
76
  ## Training Details
77
 
@@ -79,121 +158,166 @@ Use the code below to get started with the model.
79
 
80
  <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
81
 
82
- [More Information Needed]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
83
 
84
  ### Training Procedure
85
 
86
  <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
87
 
88
- #### Preprocessing [optional]
89
 
90
- [More Information Needed]
 
91
 
 
 
 
 
 
 
 
92
 
93
  #### Training Hyperparameters
94
 
95
- - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
96
 
97
- #### Speeds, Sizes, Times [optional]
98
 
99
- <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
 
 
 
 
100
 
101
- [More Information Needed]
102
 
103
  ## Evaluation
104
 
105
  <!-- This section describes the evaluation protocols and provides the results. -->
 
106
 
107
  ### Testing Data, Factors & Metrics
108
-
109
- #### Testing Data
110
-
111
  <!-- This should link to a Dataset Card if possible. -->
112
 
113
- [More Information Needed]
114
 
115
- #### Factors
116
 
117
  <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
118
 
119
- [More Information Needed]
120
 
121
- #### Metrics
122
 
123
- <!-- These are the evaluation metrics being used, ideally with a description of why. -->
124
 
125
- [More Information Needed]
126
 
127
- ### Results
128
 
129
- [More Information Needed]
130
 
131
- #### Summary
132
 
133
 
 
134
 
135
- ## Model Examination [optional]
136
 
137
- <!-- Relevant interpretability work for the model goes here -->
138
 
139
- [More Information Needed]
140
 
141
- ## Environmental Impact
142
 
143
- <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
 
 
 
144
 
145
- Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
146
 
147
- - **Hardware Type:** [More Information Needed]
148
- - **Hours used:** [More Information Needed]
149
- - **Cloud Provider:** [More Information Needed]
150
- - **Compute Region:** [More Information Needed]
151
- - **Carbon Emitted:** [More Information Needed]
152
 
153
- ## Technical Specifications [optional]
 
 
 
 
 
 
 
 
 
 
 
154
 
155
  ### Model Architecture and Objective
156
 
157
- [More Information Needed]
158
 
159
- ### Compute Infrastructure
 
160
 
161
- [More Information Needed]
162
 
163
- #### Hardware
164
 
165
- [More Information Needed]
 
166
 
167
- #### Software
168
 
169
- [More Information Needed]
170
 
171
- ## Citation [optional]
 
172
 
173
- <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
174
 
175
- **BibTeX:**
 
176
 
177
- [More Information Needed]
178
 
179
- **APA:**
180
 
181
- [More Information Needed]
 
182
 
183
- ## Glossary [optional]
184
 
185
- <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
 
 
 
 
186
 
187
- [More Information Needed]
188
 
189
- ## More Information [optional]
190
 
191
- [More Information Needed]
192
 
193
- ## Model Card Authors [optional]
 
 
194
 
195
- [More Information Needed]
 
196
 
197
- ## Model Card Contact
198
 
199
- [More Information Needed]
 
 
3
  pipeline_tag: text-generation
4
  ---
5
 
6
+ # Model Card for Magma-8B
7
 
8
  <!-- Provide a quick summary of what the model is/does. -->
9
 
10
+ A multimodal agentic foundation for multimodal understanding and agentic tasks.
11
 
12
  ## Model Details
13
 
 
15
 
16
  <!-- Provide a longer summary of what this model is. -->
17
 
18
+ Magma is a multimodal agentic AI model that can generate text based on the input text and image. The model is designed for research purposes and aimed at knowledge-sharing and accelerating research in multimodal AI, in particular the multimodal agentic AI. The main innovation of this model lies on the introduction of two technical innovations: Set-of-Mark and Trace-of-Mark, and the leverage of a large-amount of unlabeled video data to learn the spatial-temporal grounding and planning. Please refer to our paper for more technical details.
19
+
20
+ The model is developed by Microsoft and is funded by Microsoft Research.
21
+
22
+ The model is shared by Microsoft Research and is licensed under the MIT License.
23
+
24
+ The model is developed based on Meta LLama-3 as the LLM.
25
+
26
+ <!-- {{ model_description | default("", true) }}
27
 
28
+ - **Developed by:** {{ developers | default("[More Information Needed]", true)}}
29
+ - **Funded by [optional]:** {{ funded_by | default("[More Information Needed]", true)}}
30
+ - **Shared by [optional]:** {{ shared_by | default("[More Information Needed]", true)}}
31
+ - **Model type:** {{ model_type | default("[More Information Needed]", true)}}
32
+ - **Language(s) (NLP):** {{ language | default("[More Information Needed]", true)}}
33
+ - **License:** {{ license | default("[More Information Needed]", true)}}
34
+ - **Finetuned from model [optional]:** {{ base_model | default("[More Information Needed]", true)}} -->
35
 
36
+ ### Model Sources
37
 
38
  <!-- Provide the basic links for the model. -->
39
 
40
+ - **Repository:** [Magma Github Repo]("https://github.com/microsoft/Magma")
41
+ <!-- - **Paper [optional]:** {{ paper | default("[More Information Needed]", true)}} -->
42
+ <!-- - **Demo [optional]:** {{ demo | default("[More Information Needed]", true)}} -->
43
 
44
+ ## Intended Uses
45
 
46
  <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
47
 
48
+ This model is intended for broad research use in English. It is designed only for research purposes and aimed at knowledge-sharing and accelerating research in multimodal AI, particularly in mutimodal agentic AI. It is intended to be used by domain experts who are independently capable of evaluating the quality of outputs before acting on them.
49
+
50
  ### Direct Use
51
 
52
  <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
53
 
54
+ The model takes images and text as inputs, and produces the textual outputs for the following uses:
55
+
56
+ * **Image/Video-Conditoned Text Generation:** The model can generate text (e.g., descriptions, answers) based on the input text and image.
57
+
58
+ * **Visual Planning Capabilities:** The model can also produce the visual trace as the future planning to accomplish a task (e.g., move object from one place to another).
59
+
60
+ * **Agentic Capabilities:** The model can also generate UI grounding (e.g., click ``search'' button) and robotics manipulations (e.g., 7 DoF for the robot gripper).
61
+
62
 
63
+
64
+ ### Downstream Use
65
 
66
  <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
67
 
68
+ <!-- {{ downstream_use | default("[More Information Needed]", true)}} -->
69
 
70
+ <!-- ### Out-of-Scope Use -->
71
 
72
  <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
73
 
74
+ <!-- {{ out_of_scope_use | default("[More Information Needed]", true)}} -->
75
+
76
+ The model can be further finetuned for different downstream tasks, such as:
77
+
78
+ * **Image Captioning and QA:** We can further finetune this model for image captioning and QA tasks under the pipeline of multimodal LLMs. Based on our experiments, the model can achieve competitive performance yet better spatial understanding and reasoning on these tasks.
79
+
80
+ * **Video Captioning and QA:** We can further finetune this model for video captioning and QA tasks under the pipeline of multimodal LLMs. Based on our experiments, the model can achieve competitive performance yet better temporal understanding and reasoning on these tasks.
81
+
82
+ * **UI Navigation:** We can finetune this model for specific UI navigation tasks, such as web navigation or mobile navigation. The model can achieve superior performance on these tasks.
83
+
84
+ * **Robotics Manipulation:** Our model can be further finetuned for robotics tasks given its general agentic capabilities as a vision-language-action model. After finetuning, our model significantly outperms the state-of-the-art models such as OpenVLA on robotics manipulation tasks.
85
+
86
 
87
  ## Bias, Risks, and Limitations
88
 
89
  <!-- This section is meant to convey both technical and sociotechnical limitations. -->
90
 
91
+ <!-- {{ bias_risks_limitations | default("[More Information Needed]", true)}} -->
92
+
93
+ Please note that this model is 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 fairness 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.
94
+
95
+
96
 
97
  ### Recommendations
98
 
99
  <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
100
 
101
+ <!-- {{ bias_recommendations | default("Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.", true)}} -->
102
+
103
+ Magma was developed for research purposes only. Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model.
104
+
105
+ The recommended usage for the finetuned models is within the research settings they were trained on — namely,
106
+ - an android simulator running on a computer for UI manipulation.
107
+ - an enclosure equipped with a robotic arm and everyday objects for Robotic manipulation
108
+
109
+ For UI navigation task, researchers should make sure a human is in the loop and in control for every action the agentic system generates. Since the model cannot act by itself, the sub-module a researcher uses to actually perform the UI navigation action should ensure no unintended consequences can occur as a result of performing the UI action proposed by the model.
110
+
111
+ For the robotic manipulation task, some mitigation strategies to use for human safety when operating robotic arms include:
112
+
113
+ * **Safety Zones and Barriers:** Establish physical barriers or safety zones around robotic workspaces to prevent unauthorized access.
114
+ * **Emergency Stop Systems:** Equip robotic arms with easily accessible emergency stop buttons. Implement a fail-safe mechanism that triggers an immediate stop of operations in case of an emergency
115
+ * **Safety Standards and Compliance:** Adhere to established safety standards (e.g., ISO 10218, ISO/TS 15066) for industrial robots and collaborative robots.
116
+ * **User Training and Awareness:** Provide comprehensive training for all personnel working around robotic arms to understand their functions, safety features, and emergency procedures. Promote awareness of the potential risks associated with robotic manipulation.
117
 
118
  ## How to Get Started with the Model
119
 
120
+ <!-- {{ get_started_code | default("[More Information Needed]", true)}} -->
121
+
122
  Use the code below to get started with the model.
123
 
124
+ ```python
125
+ from magma.image_processing_magma import MagmaImageProcessor
126
+ from magma.processing_magma import MagmaProcessor
127
+ from magma.modeling_magma import MagmaForConditionalGeneration
128
+
129
+ # Load the model
130
+ model_id = "microsoft/Magma-8B"
131
+ processor = MagmaProcessor.from_pretrained(model_id, trust_remote_code=True)
132
+ model = MagmaForConditionalGeneration.from_pretrained(model_id, device_map="cuda", low_cpu_mem_usage=True)
133
+
134
+ # Inference
135
+ url = "https://assets-c4akfrf5b4d3f4b7.z01.azurefd.net/assets/2024/04/BMDataViz_661fb89f3845e.png"
136
+ image = Image.open(requests.get(url, stream=True).raw)
137
+
138
+ convs = [
139
+ {"role": "system", "content": "You are agent that can see, talk and act."},
140
+ {"role": "user", "content": "<image_start><image><image_end>\nWhat is in this image?"},
141
+ ]
142
+ prompt = processor.tokenizer.apply_chat_template(convs, tokenize=False, add_generation_prompt=True)
143
+ inputs = processor(images=[image], texts=prompt, return_tensors="pt")
144
+ inputs = inputs.to("cuda")
145
+
146
+ with torch.inference_mode():
147
+ generate_ids = model.generate(**inputs, **generation_args)
148
+
149
+ generate_ids = generate_ids[:, inputs["input_ids"].shape[-1] :]
150
+ response = processor.decode(generate_ids[0], skip_special_tokens=True).strip()
151
+
152
+ print(response)
153
+ ```
154
 
155
  ## Training Details
156
 
 
158
 
159
  <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
160
 
161
+ <!-- {{ training_data | default("[More Information Needed]", true)}} -->
162
+
163
+ Our training data consists of:
164
+
165
+ * Generic Image SFT Data: [LLaVA-Next](https://llava-vl.github.io/blog/2024-01-30-llava-next/), [InfoGrpahicVQA](https://www.docvqa.org/datasets/infographicvqa), [ChartQA_Augmented](https://github.com/vis-nlp/ChartQA), [FigureQA](https://www.microsoft.com/en-us/research/project/figureqa-dataset/), [TQA](https://paperswithcode.com/dataset/tqa), [ScienceQA](https://scienceqa.github.io/).
166
+
167
+ * Generic Video SFT Data: [ShareGPT4Video](https://sharegpt4video.github.io/) and [LLaVA-Video](https://huggingface.co/datasets/lmms-lab/LLaVA-Video-178K).
168
+
169
+ * Instructional Video Data: [Ego4d](https://ego4d-data.org/), [Somethingv2](https://www.qualcomm.com/developer/software/something-something-v-2-dataset), [Epic-Kitchen](https://epic-kitchens.github.io/2025), [COIN](https://coin-dataset.github.io/).
170
+
171
+ * Robotics Manipulation Data: [Open-X-Embodiment](https://robotics-transformer-x.github.io/).
172
+
173
+ * UI Grounding Data: [SeeClick](https://github.com/njucckevin/SeeClick).
174
+
175
+ * UI Navigation Data: [Mind2web](https://osu-nlp-group.github.io/Mind2Web/) and [AITW](https://github.com/google-research/google-research/tree/master/android_in_the_wild).
176
+
177
+ The data collection process involved sourcing information from publicly available documents, with a meticulous approach to filtering out undesirable documents and images. To safeguard privacy, we carefully filtered various image and text data sources to remove or scrub any potentially personal data from the training data.
178
+
179
+ More details can be found in our paper.
180
+
181
+ [Microsoft Privacy Notice](https://go.microsoft.com/fwlink/?LinkId=521839)
182
 
183
  ### Training Procedure
184
 
185
  <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
186
 
187
+ #### Preprocessing
188
 
189
+ <!-- {{ preprocessing | default("[More Information Needed]", true)}} -->
190
+ In addition to the text-related preprocessing, we mainly undertake the following image and video preprocessing steps:
191
 
192
+ * UI Grounding and Navigation Data: For each UI screenshot, we extract the bounding boxes for the UI elements, and apply [Set-of-Mark Prompting](https://arxiv.org/abs/2310.11441) to overlay numeric marks on the raw image. The model is trained to generate the UI grounding text based on the image and the Set-of-Mark prompts.
193
+
194
+ * Instruction Video Data: For each video clip, we apply [Co-Tracker](https://co-tracker.github.io/) to extract the grid traces and then apply filtering algorithm to remove the noisy or staic points. For videos that bear camera motion, we further apply homography transformation to stabilize the video clips. In tne end, we assign a numeric mark for each trace which gives us a set of trace-of-mark. The model is trained to generate the trace-of-mark given the video clips and instructional text.
195
+
196
+ * Robotics Manipulation Data: For robotics data in Open-X Embodiment, we extract the 7 DoF robot gripper state and also extract the trace-of-mark from the video clips. Similar filtering and stabilization steps are applied to the video clips. The model is trained to generate the robot manipulation action as well as the trace-of-mark given the video clips and instructional text.
197
+
198
+ After all these preprocessing, we combine them with existing text annotations to form our final multimodal training data. We refer to our paper for more technical details.
199
 
200
  #### Training Hyperparameters
201
 
202
+ <!-- - **Training regime:** {{ training_regime | default("[More Information Needed]", true)}} fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
203
 
204
+ We used bf16 mixed precision for training on H100s and MI300s. We used the following hyperparameters for training:
205
 
206
+ * Batch size: 1024
207
+ * Learning rate: 1e-5
208
+ * Max sequence length: 4096
209
+ * Resolution: maximally 1024x1024 for image, 512x512 for video frame.
210
+ * Pretraining Epochs: 3
211
 
 
212
 
213
  ## Evaluation
214
 
215
  <!-- This section describes the evaluation protocols and provides the results. -->
216
+ We evaluate the model in zero-shot manner on a wide range of tasks, mostly agent-related tasks.
217
 
218
  ### Testing Data, Factors & Metrics
 
 
 
219
  <!-- This should link to a Dataset Card if possible. -->
220
 
221
+ <!-- {{ testing_data | default("[More Information Needed]", true)}} -->
222
 
223
+ <!-- #### Factors
224
 
225
  <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
226
 
227
+ <!-- {{ testing_factors | default("[More Information Needed]", true)}} -->
228
 
229
+ #### Zero-shot Testing Data
230
 
231
+ We evaluate the model's zero-shot performance on the following datasets:
232
 
233
+ * UI Grounding: [ScreenSpot](https://huggingface.co/datasets/rootsautomation/ScreenSpot) and [VisualWebArena](https://jykoh.com/vwa).
234
 
235
+ * Robotics Manipulation: [SimplerEnv](https://jykoh.com/vwa) and WidowX real robot.
236
 
237
+ * Spatial Understanding and Reasoning: [VSR](https://github.com/cambridgeltl/visual-spatial-reasoning), [BLINK](https://zeyofu.github.io/blink/) and [SpatialEval](https://spatialeval.github.io/).
238
 
 
239
 
240
 
241
+ #### Finetuned Testing Data
242
 
243
+ We evaluate the model's performance after finetuning on the following datasets:
244
 
245
+ * UI Navigation: [Mind2Web](https://osu-nlp-group.github.io/Mind2Web/) and [AITW](https://github.com/google-research/google-research/tree/master/android_in_the_wild).
246
 
247
+ * Robotics Manipulation: [SimplerEnv](https://github.com/simpler-env/SimplerEnv) and WidowX real robot.
248
 
249
+ * Multimodal Image Understanding and Reasoning: [VQAv2](https://visualqa.org/), [GQA](https://cs.stanford.edu/people/dorarad/gqa/about.html), [MME](https://github.com/BradyFU/Awesome-Multimodal-Large-Language-Models/tree/Evaluation), [POPE](https://huggingface.co/datasets/lmms-lab/POPE), [TextVQA](https://textvqa.org/), [ChartQA](https://github.com/vis-nlp/ChartQA), [DocVQA](https://www.docvqa.org/).
250
 
251
+ * Multimodal Video Understanding and Reasoning: [Next-QA](https://github.com/doc-doc/NExT-QA), [VideoMME](https://video-mme.github.io/home_page.html), [MVBench](https://arxiv.org/abs/2311.17005).
252
+
253
+ #### Metrics
254
+ <!-- {{ testing_metrics | default("[More Information Needed]", true)}} -->
255
 
256
+ We follow the individual dataset's evaluation metrics for the evaluation. Please refer to the original dataset for more details.
257
 
 
 
 
 
 
258
 
259
+ ### Results
260
+
261
+ TBD
262
+ <!-- {{ results | default("[More Information Needed]", true)}} -->
263
+
264
+ #### Summary
265
+
266
+ TBD
267
+ <!-- {{ results_summary | default("", true) }} -->
268
+
269
+ ## Technical Specifications
270
+
271
 
272
  ### Model Architecture and Objective
273
 
274
+ <!-- {{ model_specs | default("[More Information Needed]", true)}} -->
275
 
276
+ * Language Model: We use [Meta LLama-3](https://huggingface.co/meta-llama/Meta-Llama-3-8B-Instruct) as the backbone LLM.
277
+ * Vision Encoder: We use [CLIP-ConvneXt-XXLarge](https://huggingface.co/laion/CLIP-convnext_xxlarge-laion2B-s34B-b82K-augreg) trained by LAION team as the vision encoder to tokenize the images and videos.
278
 
279
+ The whole pipeline follows the common practice in the multimodal LLMs, where the vision encoder is used to tokenize the images and videos, and then the visual tokens are fed into the LLM along with the textal tokens to generate the text outputs.
280
 
 
281
 
282
+ ### Compute Infrastructure
283
+ <!-- {{ compute_infrastructure | default("[More Information Needed]", true)}} -->
284
 
285
+ We used [Azure ML](https://azure.microsoft.com/en-us/products/machine-learning) for our model training.
286
 
 
287
 
288
+ #### Hardware
289
+ <!-- {{ hardware_requirements | default("[More Information Needed]", true)}} -->
290
 
291
+ Our model is trained on two GPUs:
292
 
293
+ * Nvidia H100
294
+ * AMD MI300
295
 
 
296
 
 
297
 
298
+ #### Software
299
+ <!-- {{ software | default("[More Information Needed]", true)}} -->
300
 
301
+ Our model is built based on:
302
 
303
+ * [Pytorch](https://pytorch.org/)
304
+ * [Transformers](https://huggingface.co/transformers/)
305
+ * [TorchVision](https://pytorch.org/vision/stable/index.html)
306
+ * [DeepSpeed](https://www.deepspeed.ai/)
307
+ * [FlashAttenton](https://github.com/HazyResearch/flash-attention)
308
 
 
309
 
 
310
 
311
+ ## Citation [optional]
312
 
313
+ <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
314
+
315
+ **BibTeX:**
316
 
317
+ N/A
318
+ <!-- {{ citation_bibtex | default("[More Information Needed]", true)}} -->
319
 
320
+ **APA:**
321
 
322
+ N/A
323
+ <!-- {{ citation_apa | default("[More Information Needed]", true)}} -->