Upload folder using huggingface_hub
Browse filesThis view is limited to 50 files because it contains too many changes.
See raw diff
- README.md +154 -0
- added_tokens.json +24 -0
- cal_data.safetensors +3 -0
- config.json +28 -0
- generation_config.json +6 -0
- hidden_states.safetensors +3 -0
- job_new.json +0 -0
- measurement.json +0 -0
- merges.txt +0 -0
- out_tensor/lm_head.safetensors +3 -0
- out_tensor/model.layers.0.mlp.down_proj.safetensors +3 -0
- out_tensor/model.layers.0.mlp.gate_proj.safetensors +3 -0
- out_tensor/model.layers.0.mlp.up_proj.safetensors +3 -0
- out_tensor/model.layers.0.self_attn.k_proj.safetensors +3 -0
- out_tensor/model.layers.0.self_attn.o_proj.safetensors +3 -0
- out_tensor/model.layers.0.self_attn.q_proj.safetensors +3 -0
- out_tensor/model.layers.0.self_attn.v_proj.safetensors +3 -0
- out_tensor/model.layers.1.mlp.down_proj.safetensors +3 -0
- out_tensor/model.layers.1.mlp.gate_proj.safetensors +3 -0
- out_tensor/model.layers.1.mlp.up_proj.safetensors +3 -0
- out_tensor/model.layers.1.self_attn.k_proj.safetensors +3 -0
- out_tensor/model.layers.1.self_attn.o_proj.safetensors +3 -0
- out_tensor/model.layers.1.self_attn.q_proj.safetensors +3 -0
- out_tensor/model.layers.1.self_attn.v_proj.safetensors +3 -0
- out_tensor/model.layers.10.mlp.down_proj.safetensors +3 -0
- out_tensor/model.layers.10.mlp.gate_proj.safetensors +3 -0
- out_tensor/model.layers.10.mlp.up_proj.safetensors +3 -0
- out_tensor/model.layers.10.self_attn.k_proj.safetensors +3 -0
- out_tensor/model.layers.10.self_attn.o_proj.safetensors +3 -0
- out_tensor/model.layers.10.self_attn.q_proj.safetensors +3 -0
- out_tensor/model.layers.10.self_attn.v_proj.safetensors +3 -0
- out_tensor/model.layers.11.mlp.down_proj.safetensors +3 -0
- out_tensor/model.layers.11.mlp.gate_proj.safetensors +3 -0
- out_tensor/model.layers.11.mlp.up_proj.safetensors +3 -0
- out_tensor/model.layers.11.self_attn.k_proj.safetensors +3 -0
- out_tensor/model.layers.11.self_attn.o_proj.safetensors +3 -0
- out_tensor/model.layers.11.self_attn.q_proj.safetensors +3 -0
- out_tensor/model.layers.11.self_attn.v_proj.safetensors +3 -0
- out_tensor/model.layers.12.mlp.down_proj.safetensors +3 -0
- out_tensor/model.layers.12.mlp.gate_proj.safetensors +3 -0
- out_tensor/model.layers.12.mlp.up_proj.safetensors +3 -0
- out_tensor/model.layers.12.self_attn.k_proj.safetensors +3 -0
- out_tensor/model.layers.12.self_attn.o_proj.safetensors +3 -0
- out_tensor/model.layers.12.self_attn.q_proj.safetensors +3 -0
- out_tensor/model.layers.12.self_attn.v_proj.safetensors +3 -0
- out_tensor/model.layers.13.mlp.down_proj.safetensors +3 -0
- out_tensor/model.layers.13.mlp.gate_proj.safetensors +3 -0
- out_tensor/model.layers.13.mlp.up_proj.safetensors +3 -0
- out_tensor/model.layers.13.self_attn.k_proj.safetensors +3 -0
- out_tensor/model.layers.13.self_attn.o_proj.safetensors +3 -0
README.md
ADDED
@@ -0,0 +1,154 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
license: cc-by-4.0
|
3 |
+
datasets:
|
4 |
+
- Salesforce/xlam-function-calling-60k
|
5 |
+
- MadeAgents/xlam-irrelevance-7.5k
|
6 |
+
base_model:
|
7 |
+
- Qwen/Qwen2.5-Coder-1.5B-Instruct
|
8 |
+
---
|
9 |
+
|
10 |
+
# Hammer2.0-1.5b Function Calling Model
|
11 |
+
|
12 |
+
## Introduction
|
13 |
+
We're excited to release lightweight Hammer 2.0 models ([0.5B](https://huggingface.co/MadeAgents/Hammer2.0-0.5b) , [1.5B](https://huggingface.co/MadeAgents/Hammer2.0-1.5b) , [3B](https://huggingface.co/MadeAgents/Hammer2.0-3b) , and [7B](https://huggingface.co/MadeAgents/Hammer2.0-7b)) with strong function calling capability, which empower developers to build personalized, on-device agentic applications.
|
14 |
+
|
15 |
+
## Model Details
|
16 |
+
Hammer2.0 finetuned based on [Qwen 2.5 series](https://huggingface.co/collections/Qwen/qwen25-66e81a666513e518adb90d9e) and [Qwen 2.5 coder series](https://huggingface.co/collections/Qwen/qwen25-coder-66eaa22e6f99801bf65b0c2f) using function masking techniques. It's trained using the [APIGen Function Calling Datasets](https://huggingface.co/datasets/Salesforce/xlam-function-calling-60k) containing 60,000 samples, supplemented by [xlam-irrelevance-7.5k](https://huggingface.co/datasets/MadeAgents/xlam-irrelevance-7.5k) we generated. Hammer2.0 has achieved exceptional performances across numerous function calling benchmarks. For more details, please refer to [Hammer: Robust Function-Calling for On-Device Language Models via Function Masking](https://arxiv.org/abs/2410.04587) and [Hammer GitHub repository](https://github.com/MadeAgents/Hammer) .
|
17 |
+
|
18 |
+
## Evaluation
|
19 |
+
The evaluation results of Hammer 2.0 models on the Berkeley Function-Calling Leaderboard (BFCL-v3) are presented in the following table:
|
20 |
+
<div style="text-align: center;">
|
21 |
+
<img src="v2_figures/bfcl.PNG" alt="overview" width="1000" style="margin: auto;">
|
22 |
+
</div>
|
23 |
+
|
24 |
+
Our Hammer 2.0 series consistently achieves corresponding best performance at comparable scales. The 7B model outperforms most function calling enchanced models, and the 1.5B model also achieves unexpected performance.
|
25 |
+
|
26 |
+
In addition, we evaluated the Hammer 2.0 models on other academic benchmarks to further demonstrate the generalization ability of our models.
|
27 |
+
|
28 |
+
<div style="text-align: center;">
|
29 |
+
<img src="v2_figures/others-v2.PNG" alt="overview" width="1000" style="margin: auto;">
|
30 |
+
</div>
|
31 |
+
|
32 |
+
Hammer 2.0 models showcase highly stable performance, suggesting the robustness of Hammer 2.0 series. In contrast, the baseline approaches display varying levels of effectiveness.
|
33 |
+
|
34 |
+
## Requiements
|
35 |
+
The code of Hammer 2.0 models have been in the latest Hugging face transformers and we advise you to install `transformers>=4.37.0`.
|
36 |
+
|
37 |
+
## How to Use
|
38 |
+
This is a simple example of how to use our model.
|
39 |
+
~~~python
|
40 |
+
import json
|
41 |
+
import torch
|
42 |
+
from transformers import AutoModelForCausalLM, AutoTokenizer
|
43 |
+
|
44 |
+
model_name = "MadeAgents/Hammer2.0-1.5b"
|
45 |
+
model = AutoModelForCausalLM.from_pretrained(model_name, device_map="auto", torch_dtype="auto", trust_remote_code=True)
|
46 |
+
tokenizer = AutoTokenizer.from_pretrained(model_name)
|
47 |
+
|
48 |
+
# Please use our provided instruction prompt for best performance
|
49 |
+
TASK_INSTRUCTION = """You are a tool calling assistant. In order to complete the user's request, you need to select one or more appropriate tools from the following tools and fill in the correct values for the tool parameters. Your specific tasks are:
|
50 |
+
1. Make one or more function/tool calls to meet the request based on the question.
|
51 |
+
2. If none of the function can be used, point it out and refuse to answer.
|
52 |
+
3. If the given question lacks the parameters required by the function, also point it out.
|
53 |
+
"""
|
54 |
+
|
55 |
+
FORMAT_INSTRUCTION = """
|
56 |
+
The output MUST strictly adhere to the following JSON format, and NO other text MUST be included.
|
57 |
+
The example format is as follows. Please make sure the parameter type is correct. If no function call is needed, please directly output an empty list '[]'
|
58 |
+
```
|
59 |
+
[
|
60 |
+
{"name": "func_name1", "arguments": {"argument1": "value1", "argument2": "value2"}},
|
61 |
+
... (more tool calls as required)
|
62 |
+
]
|
63 |
+
```
|
64 |
+
"""
|
65 |
+
|
66 |
+
# Define the input query and available tools
|
67 |
+
query = "Where can I find live giveaways for beta access and games? And what's the weather like in New York, US?"
|
68 |
+
|
69 |
+
live_giveaways_by_type = {
|
70 |
+
"name": "live_giveaways_by_type",
|
71 |
+
"description": "Retrieve live giveaways from the GamerPower API based on the specified type.",
|
72 |
+
"parameters": {
|
73 |
+
"type": "object",
|
74 |
+
"properties": {
|
75 |
+
"type": {
|
76 |
+
"type": "string",
|
77 |
+
"description": "The type of giveaways to retrieve (e.g., game, loot, beta).",
|
78 |
+
"default": "game"
|
79 |
+
}
|
80 |
+
},
|
81 |
+
"required": ["type"]
|
82 |
+
}
|
83 |
+
}
|
84 |
+
get_current_weather={
|
85 |
+
"name": "get_current_weather",
|
86 |
+
"description": "Get the current weather",
|
87 |
+
"parameters": {
|
88 |
+
"type": "object",
|
89 |
+
"properties": {
|
90 |
+
"location": {
|
91 |
+
"type": "string",
|
92 |
+
"description": "The city and state, e.g. San Francisco, CA"
|
93 |
+
}
|
94 |
+
},
|
95 |
+
"required": ["location"]
|
96 |
+
}
|
97 |
+
}
|
98 |
+
get_stock_price={
|
99 |
+
"name": "get_stock_price",
|
100 |
+
"description": "Retrieves the current stock price for a given ticker symbol. The ticker symbol must be a valid symbol for a publicly traded company on a major US stock exchange like NYSE or NASDAQ. The tool will return the latest trade price in USD. It should be used when the user asks about the current or most recent price of a specific stock. It will not provide any other information about the stock or company.",
|
101 |
+
"parameters": {
|
102 |
+
"type": "object",
|
103 |
+
"properties": {
|
104 |
+
"ticker": {
|
105 |
+
"type": "string",
|
106 |
+
"description": "The stock ticker symbol, e.g. AAPL for Apple Inc."
|
107 |
+
}
|
108 |
+
},
|
109 |
+
"required": ["ticker"]
|
110 |
+
}
|
111 |
+
}
|
112 |
+
|
113 |
+
def convert_to_format_tool(tools):
|
114 |
+
''''''
|
115 |
+
if isinstance(tools, dict):
|
116 |
+
format_tools = {
|
117 |
+
"name": tools["name"],
|
118 |
+
"description": tools["description"],
|
119 |
+
"parameters": tools["parameters"].get("properties", {}),
|
120 |
+
}
|
121 |
+
required = tools["parameters"].get("required", [])
|
122 |
+
for param in required:
|
123 |
+
format_tools["parameters"][param]["required"] = True
|
124 |
+
for param in format_tools["parameters"].keys():
|
125 |
+
if "default" in format_tools["parameters"][param]:
|
126 |
+
default = format_tools["parameters"][param]["default"]
|
127 |
+
format_tools["parameters"][param]["description"]+=f"default is \'{default}\'"
|
128 |
+
return format_tools
|
129 |
+
elif isinstance(tools, list):
|
130 |
+
return [convert_to_format_tool(tool) for tool in tools]
|
131 |
+
else:
|
132 |
+
return tools
|
133 |
+
# Helper function to build the input prompt for our model
|
134 |
+
def build_prompt(task_instruction: str, format_instruction: str, tools: list, query: str):
|
135 |
+
prompt = f"[BEGIN OF TASK INSTRUCTION]\n{task_instruction}\n[END OF TASK INSTRUCTION]\n\n"
|
136 |
+
prompt += f"[BEGIN OF AVAILABLE TOOLS]\n{json.dumps(tools)}\n[END OF AVAILABLE TOOLS]\n\n"
|
137 |
+
prompt += f"[BEGIN OF FORMAT INSTRUCTION]\n{format_instruction}\n[END OF FORMAT INSTRUCTION]\n\n"
|
138 |
+
prompt += f"[BEGIN OF QUERY]\n{query}\n[END OF QUERY]\n\n"
|
139 |
+
return prompt
|
140 |
+
|
141 |
+
# Build the input and start the inference
|
142 |
+
openai_format_tools = [live_giveaways_by_type, get_current_weather,get_stock_price]
|
143 |
+
format_tools = convert_to_format_tool(openai_format_tools)
|
144 |
+
content = build_prompt(TASK_INSTRUCTION, FORMAT_INSTRUCTION, format_tools, query)
|
145 |
+
|
146 |
+
messages=[
|
147 |
+
{ 'role': 'user', 'content': content}
|
148 |
+
]
|
149 |
+
inputs = tokenizer.apply_chat_template(messages, add_generation_prompt=True, return_tensors="pt").to(model.device)
|
150 |
+
|
151 |
+
# tokenizer.eos_token_id is the id of <|EOT|> token
|
152 |
+
outputs = model.generate(inputs, max_new_tokens=512, do_sample=False, num_return_sequences=1, eos_token_id=tokenizer.eos_token_id)
|
153 |
+
print(tokenizer.decode(outputs[0][len(inputs[0]):], skip_special_tokens=True))
|
154 |
+
~~~
|
added_tokens.json
ADDED
@@ -0,0 +1,24 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"</tool_call>": 151658,
|
3 |
+
"<tool_call>": 151657,
|
4 |
+
"<|box_end|>": 151649,
|
5 |
+
"<|box_start|>": 151648,
|
6 |
+
"<|endoftext|>": 151643,
|
7 |
+
"<|file_sep|>": 151664,
|
8 |
+
"<|fim_middle|>": 151660,
|
9 |
+
"<|fim_pad|>": 151662,
|
10 |
+
"<|fim_prefix|>": 151659,
|
11 |
+
"<|fim_suffix|>": 151661,
|
12 |
+
"<|im_end|>": 151645,
|
13 |
+
"<|im_start|>": 151644,
|
14 |
+
"<|image_pad|>": 151655,
|
15 |
+
"<|object_ref_end|>": 151647,
|
16 |
+
"<|object_ref_start|>": 151646,
|
17 |
+
"<|quad_end|>": 151651,
|
18 |
+
"<|quad_start|>": 151650,
|
19 |
+
"<|repo_name|>": 151663,
|
20 |
+
"<|video_pad|>": 151656,
|
21 |
+
"<|vision_end|>": 151653,
|
22 |
+
"<|vision_pad|>": 151654,
|
23 |
+
"<|vision_start|>": 151652
|
24 |
+
}
|
cal_data.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fd5e1ca32fb5a02397420920d3d542015344cf30d8777a35c712679bb4221872
|
3 |
+
size 1638488
|
config.json
ADDED
@@ -0,0 +1,28 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "/home/notebook/data/group/ComplexTaskDecision/Hammer/ckpt/select_caller/qwen2.5/xlam_mask3_0.33_hammer_repari_qwen1.5b_coder_depthjsonv1_0.05_batch64/merge_step2110",
|
3 |
+
"architectures": [
|
4 |
+
"Qwen2ForCausalLM"
|
5 |
+
],
|
6 |
+
"attention_dropout": 0.0,
|
7 |
+
"bos_token_id": 151643,
|
8 |
+
"eos_token_id": 151643,
|
9 |
+
"hidden_act": "silu",
|
10 |
+
"hidden_size": 1536,
|
11 |
+
"initializer_range": 0.02,
|
12 |
+
"intermediate_size": 8960,
|
13 |
+
"max_position_embeddings": 32768,
|
14 |
+
"max_window_layers": 21,
|
15 |
+
"model_type": "qwen2",
|
16 |
+
"num_attention_heads": 12,
|
17 |
+
"num_hidden_layers": 28,
|
18 |
+
"num_key_value_heads": 2,
|
19 |
+
"rms_norm_eps": 1e-06,
|
20 |
+
"rope_theta": 1000000.0,
|
21 |
+
"sliding_window": null,
|
22 |
+
"tie_word_embeddings": true,
|
23 |
+
"torch_dtype": "bfloat16",
|
24 |
+
"transformers_version": "4.41.2",
|
25 |
+
"use_cache": true,
|
26 |
+
"use_sliding_window": false,
|
27 |
+
"vocab_size": 151665
|
28 |
+
}
|
generation_config.json
ADDED
@@ -0,0 +1,6 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"bos_token_id": 151643,
|
3 |
+
"eos_token_id": 151643,
|
4 |
+
"max_new_tokens": 2048,
|
5 |
+
"transformers_version": "4.41.2"
|
6 |
+
}
|
hidden_states.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0f18518834f9006b13c5dbb7e6af3275f7e4f96f3c1f40211f3697221e072161
|
3 |
+
size 629154272
|
job_new.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
measurement.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
merges.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
out_tensor/lm_head.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d8fd19968b876bf330e07d069459a29ba413a5fe157becb7f39434e21c39864b
|
3 |
+
size 185359608
|
out_tensor/model.layers.0.mlp.down_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fd962ac8c91c95fb6b8601d84f092f51514d5a6eb348c9e3bb46e6f416c165a2
|
3 |
+
size 10593014
|
out_tensor/model.layers.0.mlp.gate_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0894e6273d5746cfad50225eb78ffdbd5fc682f8da4370306e65d8f2457bf79d
|
3 |
+
size 10382424
|
out_tensor/model.layers.0.mlp.up_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:2b9423cef06ba48a66802f2dec422d47f3eaf0b8fdb782ebe29154d94b7fe3a4
|
3 |
+
size 10382416
|
out_tensor/model.layers.0.self_attn.k_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f6a230a3203cd4c546a414127c9aaef079ace48f7373bde4415973d3d8129373
|
3 |
+
size 402104
|
out_tensor/model.layers.0.self_attn.o_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ddc3fbdb04a42dd1f95bbb0dbfb9e0e36a632a8620b34f3bc82fe4e5b2ea9b00
|
3 |
+
size 2375264
|
out_tensor/model.layers.0.self_attn.q_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:30f2d0e278223e8f378abd7210fe9ab3a4d62ce7238711bb28fca056cca36b7d
|
3 |
+
size 2378440
|
out_tensor/model.layers.0.self_attn.v_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:9545db3214a2988391c331278c20d1e9abe6229848f76df8c53be42bb8c09a9c
|
3 |
+
size 402104
|
out_tensor/model.layers.1.mlp.down_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:daf66d5a3777b0eeed7cd5541234ec4e7579c5dd7fadaa0bb34cbda68999be0b
|
3 |
+
size 7650464
|
out_tensor/model.layers.1.mlp.gate_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:1d8d401b86d61d7640bd29db2d345549183e0e712c026253de0dfa5f5a899d68
|
3 |
+
size 7282480
|
out_tensor/model.layers.1.mlp.up_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fcea60e2e30de0f117cc1afc900ed090e54e6e8c13bd9a930885c3d4caed88fe
|
3 |
+
size 7533344
|
out_tensor/model.layers.1.self_attn.k_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f1952a84a6153a130ad9044e3a94e3f1f327c74a35e592e1d8f0dc3a9db39fb5
|
3 |
+
size 402104
|
out_tensor/model.layers.1.self_attn.o_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:88ed8dfe33db8ac7d21152013628a2ef890cc5cc2b9af4fb3eb2e9e75f86c22d
|
3 |
+
size 2375264
|
out_tensor/model.layers.1.self_attn.q_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:9285a62b68af28f7b423d2354cdc3cc7762be78c2efc3f6c441c716ae06172cc
|
3 |
+
size 2378440
|
out_tensor/model.layers.1.self_attn.v_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8f3c926e2a1e8a9765723854c32cb9f3c8f3e81dfd9b5ce77ecba07617a68f3d
|
3 |
+
size 402104
|
out_tensor/model.layers.10.mlp.down_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:7bec8b3d54bddf35fb76581d18c7f120d574d7beb508cfe7b25bdf37e86eeba8
|
3 |
+
size 7324406
|
out_tensor/model.layers.10.mlp.gate_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:647ad415cbfd2749ae475ad959cd37786b3c5055564f99707ce7a4aa708d09ed
|
3 |
+
size 6941784
|
out_tensor/model.layers.10.mlp.up_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:4302c65203d5b1510153ba516749792a39f4d335512d505014d53305663c547e
|
3 |
+
size 7103272
|
out_tensor/model.layers.10.self_attn.k_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b764062750327243cc40da74d0f62f231fc31939fc6100b4a55d3f45be890855
|
3 |
+
size 213256
|
out_tensor/model.layers.10.self_attn.o_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8f4bc749c584987492f508b0e18d149ae8b03d213120c1b256950f9b1947ba16
|
3 |
+
size 1241776
|
out_tensor/model.layers.10.self_attn.q_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c94408b782b5d208c21b0b0a39d2fe7ca7c2499d3697a76e10447e959d39d85f
|
3 |
+
size 1244952
|
out_tensor/model.layers.10.self_attn.v_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:e7ca0d24d0f44d733651cea5cbd38ae99f8f3cb653d4ed6baae715763200c43f
|
3 |
+
size 256264
|
out_tensor/model.layers.11.mlp.down_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ba79362c0ab4a3394bf009f082b166eb2fd9c1fc87ef628509bb3355d77b7d02
|
3 |
+
size 6016168
|
out_tensor/model.layers.11.mlp.gate_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f4012c23600d09597267b1025743fa96beacc0e48d16eb51948642d7f47bf5ee
|
3 |
+
size 5562160
|
out_tensor/model.layers.11.mlp.up_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:adecb247fb0b1d7aeaac7a8433e4b6baee628149df53376cbf82f4846ad6c83b
|
3 |
+
size 5813032
|
out_tensor/model.layers.11.self_attn.k_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:87b2d609b9ec863ec57cd29d9a3f0fdc9db65a493101f612d5554389c070b5b6
|
3 |
+
size 262848
|
out_tensor/model.layers.11.self_attn.o_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c434e46694f88153438a10aafb18d4952cd5382da95d472bec53657267a37e33
|
3 |
+
size 1539688
|
out_tensor/model.layers.11.self_attn.q_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:48c821b1a3e0bc4888397c86db558fe895cdeee973043724c0029a108948a890
|
3 |
+
size 1542864
|
out_tensor/model.layers.11.self_attn.v_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d381c7d6a9f2ff95256ac202b350fa845038ea1af80231e47f6a460bd4b93706
|
3 |
+
size 303808
|
out_tensor/model.layers.12.mlp.down_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:226e94d058df49fc3ffc56c25a4176074028d0a2d2ea124ee5793a37ca029198
|
3 |
+
size 7478440
|
out_tensor/model.layers.12.mlp.gate_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:7545132c3d90345fbbf29855df5067df74917df8c9ac0c9b0d27ad343ce3d3c8
|
3 |
+
size 7103280
|
out_tensor/model.layers.12.mlp.up_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f4e4a7a944c7dc0efdeb6c4ab4595d6fb7792dc0f42859c8504e6f40a905e790
|
3 |
+
size 7103272
|
out_tensor/model.layers.12.self_attn.k_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:4b20214176e0c10b7325950714e0062c7462820d1aaca9502423c9ef943182a4
|
3 |
+
size 264600
|
out_tensor/model.layers.12.self_attn.o_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:cdf965a6cd38c14e7b1f24ecb24b4f5085cab460424fc840a65f809b0617e92f
|
3 |
+
size 1549120
|
out_tensor/model.layers.12.self_attn.q_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:5c8de6c2b14fbe9a64225a38a4312caf71d96158d48b86644badab431ffa1cd2
|
3 |
+
size 1552296
|
out_tensor/model.layers.12.self_attn.v_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a4e0e72aa2d42a0891e642507ced945cf24f1db88cf402160cba64e84d087b30
|
3 |
+
size 308632
|
out_tensor/model.layers.13.mlp.down_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f47651a917ca918c2e15766cf6d41f6e77c415fab701f36fca5f2e54abce4f71
|
3 |
+
size 5862134
|
out_tensor/model.layers.13.mlp.gate_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f65cda12915dc2856f59f4fb5ea7e149d481c597c35844d754d7dbe388a16e19
|
3 |
+
size 5508184
|
out_tensor/model.layers.13.mlp.up_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fec3ea13a8347525f6d2552bef05f4be567fb6a0089a02c067c7952ab4efee78
|
3 |
+
size 5651536
|
out_tensor/model.layers.13.self_attn.k_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a08645d4caaab29ead92f3f269603cfd278e008c0019fbbcbc381dd4f82c01fa
|
3 |
+
size 213256
|
out_tensor/model.layers.13.self_attn.o_proj.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c6b85e7af58dd127286ba27716e1d15cd5dab7862a38942eb0aae5cc8fa0c5c1
|
3 |
+
size 1241776
|