yentinglin commited on
Commit
ae44924
·
verified ·
1 Parent(s): 8adf9cf

Create README.md

Browse files
Files changed (1) hide show
  1. README.md +327 -0
README.md ADDED
@@ -0,0 +1,327 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: llama3
3
+ library_name: transformers
4
+ pipeline_tag: text-generation
5
+ base_model: meta-llama/Meta-Llama-3-70B
6
+ language:
7
+ - zh
8
+ - en
9
+ tags:
10
+ - zhtw
11
+ widget:
12
+ - text: >-
13
+ A chat between a curious user and an artificial intelligence assistant.
14
+ The assistant gives helpful, detailed, and polite answers to the user's
15
+ questions. USER: 你好,請問你可以幫我寫一封推薦信嗎? ASSISTANT:
16
+
17
+ ---
18
+
19
+ <img src="https://cdn-uploads.huggingface.co/production/uploads/5df9c78eda6d0311fd3d541f/vlfv5sHbt4hBxb3YwULlU.png" alt="Taiwan LLM Logo" width="600" style="margin-left:'auto' margin-right:'auto' display:'block'"/>
20
+
21
+ 🚀 We're excited to introduce Llama-3-Taiwan-70B! Llama-3-Taiwan-70B is a 70B parameter model finetuned on a large corpus of Traditional Mandarin and English data using the Llama-3 architecture. It demonstrates state-of-the-art performance on various Traditional Mandarin NLP benchmarks.
22
+
23
+ The model was trained with [NVIDIA NeMo™ Framework](https://www.nvidia.com/en-us/ai-data-science/generative-ai/nemo-framework/) using the NVIDIA Taipei-1 built with [NVIDIA DGX H100](https://www.nvidia.com/en-us/data-center/dgx-h100/) systems.
24
+
25
+ The compute and data for training Llama-3-Taiwan-70B was generously sponsored by [Chang Gung Memorial Hospital](https://www.cgmh.org.tw/eng), [Chang Chun Group](https://www.ccp.com.tw/ccpweb.nsf/homepage?openagent), [Legalsign.ai](https://legalsign.ai/), [NVIDIA](https://www.nvidia.com/zh-tw/), [Pegatron](https://www.pegatroncorp.com/), [TechOrange](https://buzzorange.com/techorange/), and [Unimicron](https://www.unimicron.com/) (in alphabetical order).
26
+
27
+ We would like to acknowledge the [contributions](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc1#contributions) of our data provider, team members and advisors in the development of this model, including [shasha77](https://www.youtube.com/@shasha77) for high-quality YouTube scripts and study materials, [Taiwan AI Labs](https://ailabs.tw/) for providing local media content, [Ubitus K.K.](https://ubitus.net/zh/) for offering gaming content, Professor Yun-Nung (Vivian) Chen for her guidance and advisement, Wei-Lin Chen for leading our pretraining data pipeline, Tzu-Han Lin for synthetic data generation, Chang-Sheng Kao for enhancing our synthetic data quality, and Kang-Chieh Chen for cleaning instruction-following data.
28
+
29
+
30
+ # Model Summary
31
+
32
+ Llama-3-Taiwan-70B is a large language model finetuned for Traditional Mandarin and English users. It has strong capabilities in language understanding, generation, reasoning, and multi-turn dialogue. Key features include:
33
+
34
+ - 70B parameters
35
+ - Languages: Traditional Mandarin (zh-tw), English (en)
36
+ - Finetuned on High-quality Traditional Mandarin and English corpus covering general knowledge as well as industrial knowledge in legal, manufacturing, medical, and electronics domains
37
+ - 8K context length
38
+ - Open model released under the Llama-3 license
39
+
40
+ # Training Details
41
+
42
+ - Training Framework: [NVIDIA NeMo](https://www.nvidia.com/zh-tw/ai-data-science/products/nemo/), [NVIDIA NeMo Megatron](https://docs.nvidia.com/nemo-framework/user-guide/latest/nemotoolkit/nlp/megatron.html)
43
+ - Inference Framework: [NVIDIA TensorRT-LLM](https://github.com/NVIDIA/TensorRT-LLM)
44
+ - Base model: [Llama-3 70B](https://llama.meta.com/llama3/)
45
+ - Hardware: [NVIDIA DGX H100](https://www.nvidia.com/zh-tw/data-center/dgx-h100/) on Taipei-1
46
+ - Context length: 8K tokens (Large-context model coming soon)
47
+ - Batch size: 2M tokens per step
48
+
49
+ # Evaluation
50
+
51
+ ![image/png](https://cdn-uploads.huggingface.co/production/uploads/5df9c78eda6d0311fd3d541f/rxf8ICdP_geS6Gc5cCazh.png)
52
+
53
+
54
+ Checkout [Open TW LLM Leaderboard](https://huggingface.co/spaces/yentinglin/open-tw-llm-leaderboard) for full and updated list.
55
+
56
+ | Model | [TMLU](https://arxiv.org/pdf/2403.20180) | Taiwan Truthful QA | [Legal Eval](https://huggingface.co/datasets/lianghsun/tw-legal-benchmark-v1) | [TW MT-Bench](https://huggingface.co/datasets/MediaTek-Research/TCEval-v2) | Long context | Function Calling | [TMMLU+](https://github.com/iKala/ievals) |
57
+ |---------------------------------------------------------------------------------|--------------|---------------|--------------------|--------------|--------------|-----------------|-----------|
58
+ | | 學科知識 | 台灣在地化測試 | 台灣法律考題 | 中文多輪對答 | 長文本支援 | 函數呼叫 | |
59
+ | [**yentinglin/Llama-3-Taiwan-70B-Instruct-rc3**](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc3) | **74.72%** | **79.37%** | **60.77%** | 7.54 | [128k coming soon](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-128k) | ✅ | 67.53% |
60
+ | [**yentinglin/Llama-3-Taiwan-8B-Instruct-rc1**](https://huggingface.co/yentinglin/Llama-3-Taiwan-8B-Instruct-rc1) | 59.92% | 60.32% | 42.11% | 7.21 | [128k coming soon](https://huggingface.co/yentinglin/Llama-3-Taiwan-8B-Instruct-128k) | ✅ | 52.28% |
61
+ | [Claude-3-Opus](https://www.anthropic.com/api) | [73.59% (5-shot)](https://arxiv.org/pdf/2403.20180) | [69.84%](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc3/tree/main/opus-Taiwan-Truthful-QA) | [60.29%](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc3/tree/main/opus) | - | 200k | ✅ | - |
62
+ | [GPT4-o](https://platform.openai.com/docs/api-reference/chat/create) | [65.56% (0-shot), 69.88% (5-shot)](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc3/tree/main/4o-tmlu) | [76.98%](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc3/tree/main/4o-Taiwan-Truthful-QA) | [53.59%](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc3/tree/main/4o) | - | 128k | ✅ | - |
63
+ | [GPT4-turbo](https://platform.openai.com/docs/api-reference/chat/create) | [70.42% (5-shot)](https://arxiv.org/pdf/2403.20180) | - | - | - | 128k | ✅ | 60.34%^ |
64
+ | [Gemini-Pro](https://ai.google.dev/gemini-api/docs) | [61.40% (5-shot)](https://arxiv.org/pdf/2403.20180) | - | - | - | 1000k | ✅ | 49.92%^ |
65
+ | [GPT-3.5-turbo-1106](https://platform.openai.com/docs/api-reference/chat/create) | [49.37% (5-shot)](https://arxiv.org/pdf/2403.20180) | - | - | 7.1 | 128k | ✅ | 41.76%^ |
66
+ | [Qwen1.5-110B-Chat](https://huggingface.co/Qwen/Qwen1.5-110B-Chat) | **75.69%** | 66.67% | 49.28% | - | 32k | ✅ | 65.81% |
67
+ | [Yi-34B-Chat](https://huggingface.co/01-ai/Yi-34B-Chat) | 73.59% | 71.43% | 55.02% | 6.9 | 200k | ✅ | 64.10% |
68
+ | [Meta-Llama-3-70B-Instruct](https://huggingface.co/meta-llama/Meta-Llama-3-70B-Instruct) | 70.95% | 65.08% | 52.63% | - | 8k | ✅ | 62.75% |
69
+ | [Mixtral-8x22B-Instruct-v0.1](https://huggingface.co/mistralai/Mixtral-8x22B-Instruct-v0.1) | 55.57% | 52.38% | 44.98% | - | 64k | ✅ | 52.16% |
70
+ | [Breexe-8x7B-Instruct-v0_1](https://huggingface.co/MediaTek-Research/Breexe-8x7B-Instruct-v0_1) | - | - | - | 7.2 | 8k | ❓ | 48.92% |
71
+ | [c4ai-command-r-plus](https://huggingface.co/CohereForAI/c4ai-command-r-plus) | 62.87% | 64.29% | 34.45% | - | 128k | ✅ | 49.75% |
72
+ | [Meta-Llama-3-8B-Instruct](https://huggingface.co/meta-llama/Meta-Llama-3-8B-Instruct) | 55.81% | 46.83% | 35.89% | - | 8k | ✅ | 43.38% |
73
+ | [Breeze-7B-Instruct-v1_0](https://huggingface.co/MediaTek-Research/Breeze-7B-Instruct-v1_0) | 55.57% | 52.38% | 39.23% | 6.0 | 32k | ❓ | 41.77% |
74
+ | [Llama3-TAIDE-LX-8B-Chat-Alpha1](https://huggingface.co/taide/Llama3-TAIDE-LX-8B-Chat-Alpha1) | 47.30% | 50.79% | 37.80% | - | 8k | ❓ | 39.03% |
75
+ | [Phi-3-mini-4k-instruct](https://huggingface.co/microsoft/Phi-3-mini-4k-instruct) | 40.97% | 37.30% | 27.27% | - | 4k | ❓ | 33.02% |
76
+
77
+ Numbers are 0-shot by default.
78
+
79
+ [Eval implementation](https://github.com/adamlin120/lm-evaluation-harness)
80
+
81
+ ^ taken the closet matching numbers from original dataset.
82
+
83
+ ## Needle in a Haystack Evaluation
84
+
85
+ The "Needle in a 出師表" evaluation tests the model's ability to locate and recall important information embedded within a large body of text, using the classic Chinese text 《出師表》 by 諸葛亮.
86
+
87
+ To run the evaluation, use the [script](https://github.com/adamlin120/needle-haystack/tree/main).
88
+
89
+
90
+ # TW MT-Bench Score
91
+
92
+ - Average Score: 7.5375
93
+ - Maximum Score: 10
94
+ - Minimum Score: 1
95
+ - Median Score: 9.0
96
+ - Standard Deviation: 3.0349783771882133
97
+ - Total Number of Scores: 160
98
+ - [Model resopnse](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc1/blob/main/Llama-3-Taiwan.jsonl)
99
+ - [GPT-4 Eval](https://huggingface.co/yentinglin/Llama-3-Taiwan-70B-Instruct-rc1/blob/main/gpt-4_single.jsonl)
100
+ - [Code fork from `mtkresearch/TCEval` with bug fixing](https://github.com/adamlin120/TCEval)
101
+
102
+
103
+ ![image/png](https://cdn-uploads.huggingface.co/production/uploads/5df9c78eda6d0311fd3d541f/hfstnJElgB39Um4Bco11D.png)
104
+
105
+
106
+ # Use Cases
107
+
108
+ Llama-3-Taiwan-70B can be applied to a wide variety of NLP tasks in Traditional Chinese and English, including:
109
+
110
+ <details>
111
+ <summary>1. 多輪對話</summary>
112
+
113
+ <pre>
114
+ System: You are an AI assistant called Twllm, created by TAME (TAiwan Mixture of Expert) project.
115
+
116
+ User: 嗨,你好!
117
+
118
+ Assistant: 你好!我今天可以如何協助你?
119
+
120
+ User: 就想聊天而已....
121
+
122
+ Assistant: 當然,我很樂意和你聊天!有什麼特別想談論的嗎?
123
+ </pre>
124
+
125
+ </details>
126
+
127
+ <details>
128
+ <summary>2. RAG(檢索增強生成)</summary>
129
+
130
+ Demo: 可以打開 `Search Web` on [twllm.com](https://twllm.com/)
131
+
132
+
133
+ ![image/png](https://cdn-uploads.huggingface.co/production/uploads/5df9c78eda6d0311fd3d541f/Zcl20NsPmY2vObIaMtT8G.png)
134
+
135
+
136
+ ![image/png](https://cdn-uploads.huggingface.co/production/uploads/5df9c78eda6d0311fd3d541f/xuXEHIkMgDEB7xxDd3JoL.png)
137
+
138
+ <pre>
139
+ System: You are an AI assistant called Twllm, created by TAME (TAiwan Mixture of Expert) project.
140
+
141
+ User: 明天台大天氣如何?
142
+
143
+ Assistant: 根據天氣預報,明天台大天氣為陣雨。低溫 24°C。10 到 15 公里/小時 的 東 風 。降雨機率為 40%。
144
+ </pre>
145
+
146
+ </details>
147
+
148
+ <details>
149
+ <summary>3. 格式化輸出, 語言理解, 實體識別, 函數調用</summary>
150
+
151
+ If you are interested in function-calling, I strongly recommend [using constrained decoding](https://huggingface.co/docs/text-generation-inference/basic_tutorials/using_guidance) to turn on `json mode`.
152
+
153
+ Example from HW7 in `INTRODUCTION TO GENERATIVE AI 2024 SPRING` from `HUNG-YI LEE (李宏毅)`
154
+
155
+
156
+ ![image/png](https://cdn-uploads.huggingface.co/production/uploads/5df9c78eda6d0311fd3d541f/dCGo92llL3_ammH_Nu2-c.png)
157
+
158
+ <pre>
159
+ System: You are an AI assistant called Twllm, created by TAME (TAiwan Mixture of Expert) project.
160
+
161
+ User: 您是電影評論分析師,負責情緒分析。
162
+ 分析每個被評論的句子,評估句子中每個字和標點符號的重要性,
163
+ 並且將結果使用 tuple 的結構列出。
164
+ tuple 值的範圍介於 -1 (負向) 到 1 (正向) 之間,
165
+ 然後,將評論分類為正向 (1) 或負向 (-1)。
166
+ 這些需要被評論的句子,包含在 <review> 標籤中間。
167
+
168
+ 輸出範例:
169
+ [(<單字或標點符號>, <float importance>), ...]
170
+ <int classification>
171
+ <review> 根據外媒報導,宏都拉斯在去年3月與台灣斷交,並轉往與中國建交之後,卻遲遲等不到中國的金援,談好要進口宏都拉斯的白蝦也拖延許久,甚至還將白蝦價格殺價至過往與台灣交易的半價,再加上墨西哥同時也中斷了與宏國的白蝦貿易,對當地蝦農可說是雪上加霜。 <review>
172
+
173
+
174
+ Assistant: [('根據', 0.2), ('外媒', 0.1), ('報導', -0.1), (',', 0.05), ('宏都拉斯', -0.3), ('在去年3月與台灣斷交, ', -0.5), ('並轉往與中國建交之後, ', -0.4), ('卻遲遲等不到中國的金援, ', -1),
175
+ ('談好要進口宏都拉斯的白蝦也拖延許久, ', -1),
176
+ (',甚至還將白蝦價格殺價至過往與台灣交易的半價,再加上墨西哥同時也中斷了與宏國的白蝦貿易,對當地蝦農可說是雪上加霜。 ',-1)]
177
+ -1
178
+
179
+ </pre>
180
+ </details>
181
+
182
+
183
+
184
+
185
+
186
+ # Get Started
187
+
188
+ *Caveat: System message should always be set.*
189
+
190
+ ## Hugging Face Transformers library
191
+ You can use Llama-3-Taiwan-70B with the Hugging Face Transformers library:
192
+
193
+
194
+ ```python
195
+ import torch
196
+ from transformers import pipeline, StoppingCriteria
197
+
198
+ # Define a custom stopping criteria class
199
+ class EosListStoppingCriteria(StoppingCriteria):
200
+ def __init__(self, eos_sequence=[128256]):
201
+ self.eos_sequence = eos_sequence
202
+
203
+ def __call__(self, input_ids: torch.LongTensor, scores: torch.FloatTensor, **kwargs) -> bool:
204
+ last_ids = input_ids[:, -len(self.eos_sequence):].tolist()
205
+ return self.eos_sequence in last_ids
206
+
207
+ # Initialize the model with automatic device mapping
208
+ llm = pipeline("text-generation", model="yentinglin/Llama-3-Taiwan-70B-Instruct-rc1", device_map="auto")
209
+ tokenizer = llm.tokenizer
210
+
211
+ # Define a conversation example
212
+ chat = [
213
+ {"role": "system", "content": "You are an AI assistant called Twllm, created by TAME (TAiwan Mixture of Expert) project."},
214
+ {"role": "user", "content": "你好,請問你可以完成什麼任務?"},
215
+ {"role": "assistant", "content": "你好,我可以幫助您解決各種問題、提供資訊並協助完成多種任務。例如:回答技術問題、提供建議、翻譯文字、尋找資料或協助您安排行程等。請告訴我如何能幫助您。"},
216
+ {"role": "user", "content": "太棒了!"}
217
+ ]
218
+ flatten_chat_for_generation = tokenizer.apply_chat_template(chat, tokenize=False, add_generation_prompt=True)
219
+ """
220
+ <|im_start|>user
221
+ You are an AI assistant called Twllm, created by TAME (TAiwan Mixture of Expert) project.<|im_end|>
222
+ <|im_start|>user
223
+ 你好,請問你可以完成什麼任務?<|im_end|>
224
+ <|im_start|>assistant
225
+ 你好,我可以幫助您解決各種問題、提供資訊和協助您完成許多不同的任務。例如:回答技術問題、提供建議、翻譯文字、尋找資料或協助您安排行程等。請告訴我如何能幫助您。<|im_end|>
226
+ <|im_start|>user
227
+ 太棒了!<|im_end|>
228
+ <|im_start|>assistant
229
+
230
+ """
231
+
232
+ # Generate a response using the custom stopping criteria
233
+ output = llm(flatten_chat_for_generation, return_full_text=False, max_new_tokens=128, top_p=0.9, temperature=0.7, stopping_criteria=[EosListStoppingCriteria([tokenizer.eos_token_id])])
234
+ print(output[0]['generated_text'])
235
+ "謝謝!很高興能夠為您服務。如果有任何其他需要協助的地方,請隨時與我聯繫。我會盡最大努力為您提供所需的支援。"
236
+ ```
237
+
238
+ ## vLLM
239
+
240
+ Start the server
241
+ ```bash
242
+ export NUM_GPUS=4
243
+ export PORT=8000
244
+
245
+ docker run \
246
+ -e HF_TOKEN=$HF_TOKEN \
247
+ --gpus '"device=0,1,2,3"' \
248
+ -v ~/.cache/huggingface:/root/.cache/huggingface \
249
+ -p "${PORT}:8000" \
250
+ --ipc=host \
251
+ vllm/vllm-openai:v0.4.0.post1 \
252
+ --model "yentinglin/Llama-3-Taiwan-70B-Instruct-rc1" \
253
+ -tp "${NUM_GPUS}"
254
+ ```
255
+
256
+ Sample client code, or you can use anything OpenAI-API compatible clients
257
+
258
+ ```python
259
+ # pip install "openai>=1.0.0"
260
+ from openai import OpenAI
261
+ # Set OpenAI's API key and API base to use vLLM's API server.
262
+ openai_api_key = "EMPTY"
263
+ openai_api_base = "http://localhost:8000/v1"
264
+
265
+ client = OpenAI(
266
+ api_key=openai_api_key,
267
+ base_url=openai_api_base,
268
+ )
269
+
270
+ chat_response = client.chat.completions.create(
271
+ model="yentinglin/Llama-3-Taiwan-70B-Instruct-rc1",
272
+ messages=[
273
+ {"role": "system", "content": "You are a helpful assistant."},
274
+ {"role": "user", "content": "Tell me a joke."},
275
+ ]
276
+ )
277
+ print("Chat response:", chat_response)
278
+ ```
279
+
280
+
281
+ Enjoy exploring the capabilities of Llama-3-Taiwan-70B! We look forward to seeing what you create with this powerful open-source model. If you have any questions or feedback, please let us know.
282
+
283
+ # Contributions
284
+ - [**Professor Yun-Nung (Vivian) Chen**](https://www.csie.ntu.edu.tw/~yvchen/), for her guidance and advisement throughout the project.
285
+ - [**Wei-Lin Chen**](mailto:[email protected]), for leading our pretraining data pipeline.
286
+ - [**Tzu-Han Lin**](mailto:[email protected]), for synthetic data generation.
287
+ - [**Chang-Sheng Kao**](mailto:[email protected]), for enhancing our synthetic data quality.
288
+ - [**Kang-Chieh Chen**](mailto:[email protected]), for cleaning instruction-following data.
289
+ - [**Min-Yi Chen**](mailto:[email protected]) and [**Shao-Heng Hsu**](mailto:[email protected]), for collecting chemical engineering data and benchmarks.
290
+
291
+ # Citation
292
+ ```
293
+ @article{DBLP:journals/corr/abs-2311-17487,
294
+ author = {Yen{-}Ting Lin and
295
+ Yun{-}Nung Chen},
296
+ title = {Taiwan {LLM:} Bridging the Linguistic Divide with a Culturally Aligned
297
+ Language Model},
298
+ journal = {CoRR},
299
+ volume = {abs/2311.17487},
300
+ year = {2023},
301
+ url = {https://doi.org/10.48550/arXiv.2311.17487},
302
+ doi = {10.48550/ARXIV.2311.17487},
303
+ eprinttype = {arXiv},
304
+ eprint = {2311.17487},
305
+ timestamp = {Tue, 05 Dec 2023 14:40:42 +0100},
306
+ biburl = {https://dblp.org/rec/journals/corr/abs-2311-17487.bib},
307
+ bibsource = {dblp computer science bibliography, https://dblp.org}
308
+ }
309
+ @article{DBLP:journals/corr/abs-2403-20180,
310
+ author = {Po{-}Heng Chen and
311
+ Sijia Cheng and
312
+ Wei{-}Lin Chen and
313
+ Yen{-}Ting Lin and
314
+ Yun{-}Nung Chen},
315
+ title = {Measuring Taiwanese Mandarin Language Understanding},
316
+ journal = {CoRR},
317
+ volume = {abs/2403.20180},
318
+ year = {2024},
319
+ url = {https://doi.org/10.48550/arXiv.2403.20180},
320
+ doi = {10.48550/ARXIV.2403.20180},
321
+ eprinttype = {arXiv},
322
+ eprint = {2403.20180},
323
+ timestamp = {Wed, 10 Apr 2024 17:37:45 +0200},
324
+ biburl = {https://dblp.org/rec/journals/corr/abs-2403-20180.bib},
325
+ bibsource = {dblp computer science bibliography, https://dblp.org}
326
+ }
327
+ ```