RichardErkhov commited on
Commit
a3f5694
·
verified ·
1 Parent(s): 15a3721

uploaded readme

Browse files
Files changed (1) hide show
  1. README.md +492 -0
README.md ADDED
@@ -0,0 +1,492 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Quantization made by Richard Erkhov.
2
+
3
+ [Github](https://github.com/RichardErkhov)
4
+
5
+ [Discord](https://discord.gg/pvy7H8DZMG)
6
+
7
+ [Request more models](https://github.com/RichardErkhov/quant_request)
8
+
9
+
10
+ xLAM-7b-r - bnb 4bits
11
+ - Model creator: https://huggingface.co/Salesforce/
12
+ - Original model: https://huggingface.co/Salesforce/xLAM-7b-r/
13
+
14
+
15
+
16
+
17
+ Original model description:
18
+ ---
19
+ extra_gated_heading: Acknowledge to follow corresponding license to access the repository
20
+ extra_gated_button_content: Agree and access repository
21
+ extra_gated_fields:
22
+ First Name: text
23
+ Last Name: text
24
+ Country: country
25
+ Affiliation: text
26
+ license: cc-by-nc-4.0
27
+ datasets:
28
+ - Salesforce/xlam-function-calling-60k
29
+ language:
30
+ - en
31
+ pipeline_tag: text-generation
32
+ tags:
33
+ - function-calling
34
+ - LLM Agent
35
+ - tool-use
36
+ - mistral
37
+ - pytorch
38
+ library_name: transformers
39
+ ---
40
+
41
+ <p align="center">
42
+ <img width="500px" alt="xLAM" src="https://huggingface.co/datasets/jianguozhang/logos/resolve/main/xlam-no-background.png">
43
+ </p>
44
+ <p align="center">
45
+ <a href="https://www.salesforceairesearch.com/projects/xlam-large-action-models">[Homepage]</a> |
46
+ <a href="https://arxiv.org/abs/2409.03215">[Paper]</a> |
47
+ <a href="https://github.com/SalesforceAIResearch/xLAM">[Github]</a> |
48
+ <a href="https://discord.gg/tysWwgZyQ2">[Discord]</a> |
49
+ <a href="https://blog.salesforceairesearch.com/large-action-model-ai-agent/">[Blog]</a> |
50
+ <a href="https://huggingface.co/spaces/Tonic/Salesforce-Xlam-7b-r">[Community Demo]</a>
51
+ </p>
52
+ <hr>
53
+
54
+
55
+ Welcome to the xLAM model family! [Large Action Models (LAMs)](https://blog.salesforceairesearch.com/large-action-models/) are advanced large language models designed to enhance decision-making and translate user intentions into executable actions that interact with the world. LAMs autonomously plan and execute tasks to achieve specific goals, serving as the brains of AI agents. They have the potential to automate workflow processes across various domains, making them invaluable for a wide range of applications.
56
+ **The model release is exclusively for research purposes. A new and enhanced version of xLAM will soon be available exclusively to customers on our Platform.**
57
+
58
+ ## Table of Contents
59
+ - [Model Series](#model-series)
60
+ - [Repository Overview](#repository-overview)
61
+ - [Benchmark Results](#benchmark-results)
62
+ - [Usage](#usage)
63
+ - [Basic Usage with Huggingface](#basic-usage-with-huggingface)
64
+ - [License](#license)
65
+ - [Citation](#citation)
66
+
67
+ ## Model Series
68
+
69
+ We provide a series of xLAMs in different sizes to cater to various applications, including those optimized for function-calling and general agent applications:
70
+
71
+ | Model | # Total Params | Context Length | Download Model | Download GGUF files |
72
+ |------------------------|----------------|----------------|----------------|----------|
73
+ | xLAM-1b-fc-r | 1.35B | 16k | [🤗 Link](https://huggingface.co/Salesforce/xLAM-1b-fc-r) | [🤗 Link](https://huggingface.co/Salesforce/xLAM-1b-fc-r-gguf) |
74
+ | xLAM-7b-fc-r | 6.91B | 4k | [🤗 Link](https://huggingface.co/Salesforce/xLAM-7b-fc-r) | [🤗 Link](https://huggingface.co/Salesforce/xLAM-7b-fc-r-gguf) |
75
+ | xLAM-7b-r | 7.24B | 32k | [🤗 Link](https://huggingface.co/Salesforce/xLAM-7b-r) | -- |
76
+ | xLAM-8x7b-r | 46.7B | 32k | [🤗 Link](https://huggingface.co/Salesforce/xLAM-8x7b-r) | -- |
77
+ | xLAM-8x22b-r | 141B | 64k | [🤗 Link](https://huggingface.co/Salesforce/xLAM-8x22b-r) | -- |
78
+
79
+
80
+
81
+
82
+
83
+
84
+ For our Function-calling series (more details are included at [here](https://huggingface.co/Salesforce/xLAM-7b-fc-r)), we also provide their quantized [GGUF](https://huggingface.co/docs/hub/en/gguf) files for efficient deployment and execution. GGUF is a file format designed to efficiently store and load large language models, making GGUF ideal for running AI models on local devices with limited resources, enabling offline functionality and enhanced privacy.
85
+
86
+ For more details, check our [GitHub](https://github.com/SalesforceAIResearch/xLAM) and [paper]().
87
+
88
+
89
+ ## Repository Overview
90
+
91
+ This repository is about the general tool use series. For more specialized function calling models, please take a look into our `fc` series [here](https://huggingface.co/Salesforce/xLAM-7b-fc-r).
92
+
93
+ The instructions will guide you through the setup, usage, and integration of our model series with HuggingFace.
94
+ ### Framework Versions
95
+
96
+ - Transformers 4.41.0
97
+ - Pytorch 2.3.0+cu121
98
+ - Datasets 2.19.1
99
+ - Tokenizers 0.19.1
100
+
101
+ ## Usage
102
+
103
+ ### Basic Usage with Huggingface
104
+
105
+ To use the model from Huggingface, please first install the `transformers` library:
106
+ ```bash
107
+ pip install transformers>=4.41.0
108
+ ```
109
+
110
+ Please note that, our model works best with our provided prompt format.
111
+ It allows us to extract JSON output that is similar to the [function-calling mode of ChatGPT](https://platform.openai.com/docs/guides/function-calling).
112
+
113
+ We use the following example to illustrate how to use our model for 1) single-turn use case, and 2) multi-turn use case
114
+
115
+ #### 1. Single-turn use case
116
+
117
+ ````python
118
+ import json
119
+ import torch
120
+ from transformers import AutoModelForCausalLM, AutoTokenizer
121
+
122
+ torch.random.manual_seed(0)
123
+
124
+ model_name = "Salesforce/xLAM-7b-r"
125
+ model = AutoModelForCausalLM.from_pretrained(model_name, device_map="auto", torch_dtype="auto", trust_remote_code=True)
126
+ tokenizer = AutoTokenizer.from_pretrained(model_name)
127
+
128
+ # Please use our provided instruction prompt for best performance
129
+ task_instruction = """
130
+ Based on the previous context and API request history, generate an API request or a response as an AI assistant.""".strip()
131
+
132
+ format_instruction = """
133
+ The output should be of the JSON format, which specifies a list of generated function calls. The example format is as follows, please make sure the parameter type is correct. If no function call is needed, please make
134
+ tool_calls an empty list "[]".
135
+ ```
136
+ {"thought": "the thought process, or an empty string", "tool_calls": [{"name": "api_name1", "arguments": {"argument1": "value1", "argument2": "value2"}}]}
137
+ ```
138
+ """.strip()
139
+
140
+ # Define the input query and available tools
141
+ query = "What's the weather like in New York in fahrenheit?"
142
+
143
+ get_weather_api = {
144
+ "name": "get_weather",
145
+ "description": "Get the current weather for a location",
146
+ "parameters": {
147
+ "type": "object",
148
+ "properties": {
149
+ "location": {
150
+ "type": "string",
151
+ "description": "The city and state, e.g. San Francisco, New York"
152
+ },
153
+ "unit": {
154
+ "type": "string",
155
+ "enum": ["celsius", "fahrenheit"],
156
+ "description": "The unit of temperature to return"
157
+ }
158
+ },
159
+ "required": ["location"]
160
+ }
161
+ }
162
+
163
+ search_api = {
164
+ "name": "search",
165
+ "description": "Search for information on the internet",
166
+ "parameters": {
167
+ "type": "object",
168
+ "properties": {
169
+ "query": {
170
+ "type": "string",
171
+ "description": "The search query, e.g. 'latest news on AI'"
172
+ }
173
+ },
174
+ "required": ["query"]
175
+ }
176
+ }
177
+
178
+ openai_format_tools = [get_weather_api, search_api]
179
+
180
+ # Helper function to convert openai format tools to our more concise xLAM format
181
+ def convert_to_xlam_tool(tools):
182
+ ''''''
183
+ if isinstance(tools, dict):
184
+ return {
185
+ "name": tools["name"],
186
+ "description": tools["description"],
187
+ "parameters": {k: v for k, v in tools["parameters"].get("properties", {}).items()}
188
+ }
189
+ elif isinstance(tools, list):
190
+ return [convert_to_xlam_tool(tool) for tool in tools]
191
+ else:
192
+ return tools
193
+
194
+ def build_conversation_history_prompt(conversation_history: str):
195
+ parsed_history = []
196
+ for step_data in conversation_history:
197
+ parsed_history.append({
198
+ "step_id": step_data["step_id"],
199
+ "thought": step_data["thought"],
200
+ "tool_calls": step_data["tool_calls"],
201
+ "next_observation": step_data["next_observation"],
202
+ "user_input": step_data['user_input']
203
+ })
204
+
205
+ history_string = json.dumps(parsed_history)
206
+ return f"\n[BEGIN OF HISTORY STEPS]\n{history_string}\n[END OF HISTORY STEPS]\n"
207
+
208
+
209
+ # Helper function to build the input prompt for our model
210
+ def build_prompt(task_instruction: str, format_instruction: str, tools: list, query: str, conversation_history: list):
211
+ prompt = f"[BEGIN OF TASK INSTRUCTION]\n{task_instruction}\n[END OF TASK INSTRUCTION]\n\n"
212
+ prompt += f"[BEGIN OF AVAILABLE TOOLS]\n{json.dumps(xlam_format_tools)}\n[END OF AVAILABLE TOOLS]\n\n"
213
+ prompt += f"[BEGIN OF FORMAT INSTRUCTION]\n{format_instruction}\n[END OF FORMAT INSTRUCTION]\n\n"
214
+ prompt += f"[BEGIN OF QUERY]\n{query}\n[END OF QUERY]\n\n"
215
+
216
+ if len(conversation_history) > 0: prompt += build_conversation_history_prompt(conversation_history)
217
+ return prompt
218
+
219
+ # Build the input and start the inference
220
+ xlam_format_tools = convert_to_xlam_tool(openai_format_tools)
221
+
222
+ conversation_history = []
223
+ content = build_prompt(task_instruction, format_instruction, xlam_format_tools, query, conversation_history)
224
+
225
+ messages=[
226
+ { 'role': 'user', 'content': content}
227
+ ]
228
+
229
+ inputs = tokenizer.apply_chat_template(messages, add_generation_prompt=True, return_tensors="pt").to(model.device)
230
+
231
+ # tokenizer.eos_token_id is the id of <|EOT|> token
232
+ outputs = model.generate(inputs, max_new_tokens=512, do_sample=False, num_return_sequences=1, eos_token_id=tokenizer.eos_token_id)
233
+ agent_action = tokenizer.decode(outputs[0][len(inputs[0]):], skip_special_tokens=True)
234
+ ````
235
+
236
+ Then you should be able to see the following output string in JSON format:
237
+
238
+ ```shell
239
+ {"thought": "I need to get the current weather for New York in fahrenheit.", "tool_calls": [{"name": "get_weather", "arguments": {"location": "New York", "unit": "fahrenheit"}}]}
240
+ ```
241
+
242
+ #### 2. Multi-turn use case
243
+
244
+ We also support multi-turn interaction with our model series. Here is the example of next round of interaction from the above example:
245
+
246
+ ````python
247
+ def parse_agent_action(agent_action: str):
248
+ """
249
+ Given an agent's action, parse it to add to conversation history
250
+ """
251
+ try: parsed_agent_action_json = json.loads(agent_action)
252
+ except: return "", []
253
+
254
+ if "thought" not in parsed_agent_action_json.keys(): thought = ""
255
+ else: thought = parsed_agent_action_json["thought"]
256
+
257
+ if "tool_calls" not in parsed_agent_action_json.keys(): tool_calls = []
258
+ else: tool_calls = parsed_agent_action_json["tool_calls"]
259
+
260
+ return thought, tool_calls
261
+
262
+ def update_conversation_history(conversation_history: list, agent_action: str, environment_response: str, user_input: str):
263
+ """
264
+ Update the conversation history list based on the new agent_action, environment_response, and/or user_input
265
+ """
266
+ thought, tool_calls = parse_agent_action(agent_action)
267
+ new_step_data = {
268
+ "step_id": len(conversation_history) + 1,
269
+ "thought": thought,
270
+ "tool_calls": tool_calls,
271
+ "step_id": len(conversation_history),
272
+ "next_observation": environment_response,
273
+ "user_input": user_input,
274
+ }
275
+
276
+ conversation_history.append(new_step_data)
277
+
278
+ def get_environment_response(agent_action: str):
279
+ """
280
+ Get the environment response for the agent_action
281
+ """
282
+ # TODO: add custom implementation here
283
+ error_message, response_message = "", ""
284
+ return {"error": error_message, "response": response_message}
285
+
286
+ # ------------- before here are the steps to get agent_response from the example above ----------
287
+
288
+ # 1. get the next state after agent's response:
289
+ # The next 2 lines are examples of getting environment response and user_input.
290
+ # It is depended on particular usage, we can have either one or both of those.
291
+ environment_response = get_environment_response(agent_action)
292
+ user_input = "Now, search on the Internet for cute puppies"
293
+
294
+ # 2. after we got environment_response and (or) user_input, we want to add to our conversation history
295
+ update_conversation_history(conversation_history, agent_action, environment_response, user_input)
296
+
297
+ # 3. we now can build the prompt
298
+ content = build_prompt(task_instruction, format_instruction, xlam_format_tools, query, conversation_history)
299
+
300
+ # 4. Now, we just retrieve the inputs for the LLM
301
+ messages=[
302
+ { 'role': 'user', 'content': content}
303
+ ]
304
+ inputs = tokenizer.apply_chat_template(messages, add_generation_prompt=True, return_tensors="pt").to(model.device)
305
+
306
+ # 5. Generate the outputs & decode
307
+ # tokenizer.eos_token_id is the id of <|EOT|> token
308
+ outputs = model.generate(inputs, max_new_tokens=512, do_sample=False, num_return_sequences=1, eos_token_id=tokenizer.eos_token_id)
309
+ agent_action = tokenizer.decode(outputs[0][len(inputs[0]):], skip_special_tokens=True)
310
+ ````
311
+
312
+ This would be the corresponding output:
313
+ ```shell
314
+ {"thought": "I need to get the current weather for New York in fahrenheit.", "tool_calls": [{"name": "get_weather", "arguments": {"location": "New York", "unit": "fahrenheit"}}]}
315
+ ```
316
+
317
+ We highly recommend to use our provided prompt format and helper functions to yield the best function-calling performance of our model.
318
+
319
+ #### Example multi-turn prompt and output
320
+
321
+ Prompt:
322
+ ````json
323
+ [BEGIN OF TASK INSTRUCTION]
324
+ Based on the previous context and API request history, generate an API request or a response as an AI assistant.
325
+ [END OF TASK INSTRUCTION]
326
+
327
+ [BEGIN OF AVAILABLE TOOLS]
328
+ [
329
+ {
330
+ "name": "get_fire_info",
331
+ "description": "Query the latest wildfire information",
332
+ "parameters": {
333
+ "location": {
334
+ "type": "string",
335
+ "description": "Location of the wildfire, for example: 'California'",
336
+ "required": true,
337
+ "format": "free"
338
+ },
339
+ "radius": {
340
+ "type": "number",
341
+ "description": "The radius (in miles) around the location where the wildfire is occurring, for example: 10",
342
+ "required": false,
343
+ "format": "free"
344
+ }
345
+ }
346
+ },
347
+ {
348
+ "name": "get_hurricane_info",
349
+ "description": "Query the latest hurricane information",
350
+ "parameters": {
351
+ "name": {
352
+ "type": "string",
353
+ "description": "Name of the hurricane, for example: 'Irma'",
354
+ "required": true,
355
+ "format": "free"
356
+ }
357
+ }
358
+ },
359
+ {
360
+ "name": "get_earthquake_info",
361
+ "description": "Query the latest earthquake information",
362
+ "parameters": {
363
+ "magnitude": {
364
+ "type": "number",
365
+ "description": "The minimum magnitude of the earthquake that needs to be queried.",
366
+ "required": false,
367
+ "format": "free"
368
+ },
369
+ "location": {
370
+ "type": "string",
371
+ "description": "Location of the earthquake, for example: 'California'",
372
+ "required": false,
373
+ "format": "free"
374
+ }
375
+ }
376
+ }
377
+ ]
378
+ [END OF AVAILABLE TOOLS]
379
+
380
+ [BEGIN OF FORMAT INSTRUCTION]
381
+ Your output should be in the JSON format, which specifies a list of function calls. The example format is as follows. Please make sure the parameter type is correct. If no function call is needed, please make tool_calls an empty list '[]'.
382
+ ```{"thought": "the thought process, or an empty string", "tool_calls": [{"name": "api_name1", "arguments": {"argument1": "value1", "argument2": "value2"}}]}```
383
+ [END OF FORMAT INSTRUCTION]
384
+
385
+ [BEGIN OF QUERY]
386
+ User: Can you give me the latest information on the wildfires occurring in California?
387
+ [END OF QUERY]
388
+
389
+ [BEGIN OF HISTORY STEPS]
390
+ [
391
+ {
392
+ "thought": "Sure, what is the radius (in miles) around the location of the wildfire?",
393
+ "tool_calls": [],
394
+ "step_id": 1,
395
+ "next_observation": "",
396
+ "user_input": "User: Let me think... 50 miles."
397
+ },
398
+ {
399
+ "thought": "",
400
+ "tool_calls": [
401
+ {
402
+ "name": "get_fire_info",
403
+ "arguments": {
404
+ "location": "California",
405
+ "radius": 50
406
+ }
407
+ }
408
+ ],
409
+ "step_id": 2,
410
+ "next_observation": [
411
+ {
412
+ "location": "Los Angeles",
413
+ "acres_burned": 1500,
414
+ "status": "contained"
415
+ },
416
+ {
417
+ "location": "San Diego",
418
+ "acres_burned": 12000,
419
+ "status": "active"
420
+ }
421
+ ]
422
+ },
423
+ {
424
+ "thought": "Based on the latest information, there are wildfires in Los Angeles and San Diego. The wildfire in Los Angeles has burned 1,500 acres and is contained, while the wildfire in San Diego has burned 12,000 acres and is still active.",
425
+ "tool_calls": [],
426
+ "step_id": 3,
427
+ "next_observation": "",
428
+ "user_input": "User: Can you tell me about the latest earthquake?"
429
+ }
430
+ ]
431
+
432
+ [END OF HISTORY STEPS]
433
+ ````
434
+
435
+ Output:
436
+ ````json
437
+ {"thought": "", "tool_calls": [{"name": "get_earthquake_info", "arguments": {"location": "California"}}]}
438
+ ````
439
+
440
+ ## Benchmark Results
441
+ Note: **Bold** and <u>Underline</u> results denote the best result and the second best result for Success Rate, respectively.
442
+
443
+ ### Berkeley Function-Calling Leaderboard (BFCL)
444
+ ![xlam-bfcl](media/xlam-bfcl.png)
445
+ *Table 1: Performance comparison on BFCL-v2 leaderboard (cutoff date 09/03/2024). The rank is based on the overall accuracy, which is a weighted average of different evaluation categories. "FC" stands for function-calling mode in contrast to using a customized "prompt" to extract the function calls.*
446
+
447
+ ### Webshop and ToolQuery
448
+ ![xlam-webshop_toolquery](media/xlam-webshop_toolquery.png)
449
+ *Table 2: Testing results on Webshop and ToolQuery. Bold and Underline results denote the best result and the second best result for Success Rate, respectively.*
450
+
451
+ ### Unified ToolQuery
452
+ ![xlam-unified_toolquery](media/xlam-unified_toolquery.png)
453
+ *Table 3: Testing results on ToolQuery-Unified. Bold and Underline results denote the best result and the second best result for Success Rate, respectively. Values in brackets indicate corresponding performance on ToolQuery*
454
+
455
+ ### ToolBench
456
+ ![xlam-toolbench](media/xlam-toolbench.png)
457
+ *Table 4: Pass Rate on ToolBench on three distinct scenarios. Bold and Underline results denote the best result and the second best result for each setting, respectively. The results for xLAM-8x22b-r are unavailable due to the ToolBench server being down between 07/28/2024 and our evaluation cutoff date 09/03/2024.*
458
+
459
+ ## License
460
+ The model is distributed under the CC-BY-NC-4.0 license.
461
+
462
+ ## Citation
463
+
464
+ If you find this repo helpful, please consider to cite our papers:
465
+
466
+ ```bibtex
467
+ @article{zhang2024xlam,
468
+ title={xLAM: A Family of Large Action Models to Empower AI Agent Systems},
469
+ author={Zhang, Jianguo and Lan, Tian and Zhu, Ming and Liu, Zuxin and Hoang, Thai and Kokane, Shirley and Yao, Weiran and Tan, Juntao and Prabhakar, Akshara and Chen, Haolin and others},
470
+ journal={arXiv preprint arXiv:2409.03215},
471
+ year={2024}
472
+ }
473
+ ```
474
+
475
+ ```bibtex
476
+ @article{liu2024apigen,
477
+ title={Apigen: Automated pipeline for generating verifiable and diverse function-calling datasets},
478
+ author={Liu, Zuxin and Hoang, Thai and Zhang, Jianguo and Zhu, Ming and Lan, Tian and Kokane, Shirley and Tan, Juntao and Yao, Weiran and Liu, Zhiwei and Feng, Yihao and others},
479
+ journal={arXiv preprint arXiv:2406.18518},
480
+ year={2024}
481
+ }
482
+ ```
483
+
484
+ ```bibtex
485
+ @article{zhang2024agentohana,
486
+ title={AgentOhana: Design Unified Data and Training Pipeline for Effective Agent Learning},
487
+ author={Zhang, Jianguo and Lan, Tian and Murthy, Rithesh and Liu, Zhiwei and Yao, Weiran and Tan, Juntao and Hoang, Thai and Yang, Liangwei and Feng, Yihao and Liu, Zuxin and others},
488
+ journal={arXiv preprint arXiv:2402.15506},
489
+ year={2024}
490
+ }
491
+ ```
492
+