Commit
·
8ddfc52
0
Parent(s):
Initial commit
Browse filesThis view is limited to 50 files because it contains too many changes.
See raw diff
- .gitattributes +37 -0
- LICENSE.pdf +3 -0
- README.md +150 -0
- config.json +40 -0
- generation_config.json +12 -0
- hf_quant_config.json +14 -0
- model-00001-of-00049.safetensors +3 -0
- model-00002-of-00049.safetensors +3 -0
- model-00003-of-00049.safetensors +3 -0
- model-00004-of-00049.safetensors +3 -0
- model-00005-of-00049.safetensors +3 -0
- model-00006-of-00049.safetensors +3 -0
- model-00007-of-00049.safetensors +3 -0
- model-00008-of-00049.safetensors +3 -0
- model-00009-of-00049.safetensors +3 -0
- model-00010-of-00049.safetensors +3 -0
- model-00011-of-00049.safetensors +3 -0
- model-00012-of-00049.safetensors +3 -0
- model-00013-of-00049.safetensors +3 -0
- model-00014-of-00049.safetensors +3 -0
- model-00015-of-00049.safetensors +3 -0
- model-00016-of-00049.safetensors +3 -0
- model-00017-of-00049.safetensors +3 -0
- model-00018-of-00049.safetensors +3 -0
- model-00019-of-00049.safetensors +3 -0
- model-00020-of-00049.safetensors +3 -0
- model-00021-of-00049.safetensors +3 -0
- model-00022-of-00049.safetensors +3 -0
- model-00023-of-00049.safetensors +3 -0
- model-00024-of-00049.safetensors +3 -0
- model-00025-of-00049.safetensors +3 -0
- model-00026-of-00049.safetensors +3 -0
- model-00027-of-00049.safetensors +3 -0
- model-00028-of-00049.safetensors +3 -0
- model-00029-of-00049.safetensors +3 -0
- model-00030-of-00049.safetensors +3 -0
- model-00031-of-00049.safetensors +3 -0
- model-00032-of-00049.safetensors +3 -0
- model-00033-of-00049.safetensors +3 -0
- model-00034-of-00049.safetensors +3 -0
- model-00035-of-00049.safetensors +3 -0
- model-00036-of-00049.safetensors +3 -0
- model-00037-of-00049.safetensors +3 -0
- model-00038-of-00049.safetensors +3 -0
- model-00039-of-00049.safetensors +3 -0
- model-00040-of-00049.safetensors +3 -0
- model-00041-of-00049.safetensors +3 -0
- model-00042-of-00049.safetensors +3 -0
- model-00043-of-00049.safetensors +3 -0
- model-00044-of-00049.safetensors +3 -0
.gitattributes
ADDED
@@ -0,0 +1,37 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
*.7z filter=lfs diff=lfs merge=lfs -text
|
2 |
+
*.arrow filter=lfs diff=lfs merge=lfs -text
|
3 |
+
*.bin filter=lfs diff=lfs merge=lfs -text
|
4 |
+
*.bz2 filter=lfs diff=lfs merge=lfs -text
|
5 |
+
*.ckpt filter=lfs diff=lfs merge=lfs -text
|
6 |
+
*.ftz filter=lfs diff=lfs merge=lfs -text
|
7 |
+
*.gz filter=lfs diff=lfs merge=lfs -text
|
8 |
+
*.h5 filter=lfs diff=lfs merge=lfs -text
|
9 |
+
*.joblib filter=lfs diff=lfs merge=lfs -text
|
10 |
+
*.lfs.* filter=lfs diff=lfs merge=lfs -text
|
11 |
+
*.mlmodel filter=lfs diff=lfs merge=lfs -text
|
12 |
+
*.model filter=lfs diff=lfs merge=lfs -text
|
13 |
+
*.msgpack filter=lfs diff=lfs merge=lfs -text
|
14 |
+
*.npy filter=lfs diff=lfs merge=lfs -text
|
15 |
+
*.npz filter=lfs diff=lfs merge=lfs -text
|
16 |
+
*.onnx filter=lfs diff=lfs merge=lfs -text
|
17 |
+
*.ot filter=lfs diff=lfs merge=lfs -text
|
18 |
+
*.parquet filter=lfs diff=lfs merge=lfs -text
|
19 |
+
*.pb filter=lfs diff=lfs merge=lfs -text
|
20 |
+
*.pickle filter=lfs diff=lfs merge=lfs -text
|
21 |
+
*.pkl filter=lfs diff=lfs merge=lfs -text
|
22 |
+
*.pt filter=lfs diff=lfs merge=lfs -text
|
23 |
+
*.pth filter=lfs diff=lfs merge=lfs -text
|
24 |
+
*.rar filter=lfs diff=lfs merge=lfs -text
|
25 |
+
*.safetensors filter=lfs diff=lfs merge=lfs -text
|
26 |
+
saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
27 |
+
*.tar.* filter=lfs diff=lfs merge=lfs -text
|
28 |
+
*.tar filter=lfs diff=lfs merge=lfs -text
|
29 |
+
*.tflite filter=lfs diff=lfs merge=lfs -text
|
30 |
+
*.tgz filter=lfs diff=lfs merge=lfs -text
|
31 |
+
*.wasm filter=lfs diff=lfs merge=lfs -text
|
32 |
+
*.xz filter=lfs diff=lfs merge=lfs -text
|
33 |
+
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
+
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
+
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
36 |
+
tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
37 |
+
LICENSE.pdf filter=lfs diff=lfs merge=lfs -text
|
LICENSE.pdf
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:396d7de220f6b0e6fcfe33836f1b99a9943769b97c56330444f8efe1b441f607
|
3 |
+
size 151612
|
README.md
ADDED
@@ -0,0 +1,150 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
base_model:
|
3 |
+
- meta-llama/Llama-3.1-405B-Instruct
|
4 |
+
license: llama3.1
|
5 |
+
---
|
6 |
+
# Model Overview
|
7 |
+
|
8 |
+
## Description:
|
9 |
+
The NVIDIA Llama 3.1 405B Instruct FP4 model is the quantized version of the Meta's Llama 3.1 405B Instruct model, which is an auto-regressive language model that uses an optimized transformer architecture. For more information, please check [here](https://huggingface.co/meta-llama/Llama-3.1-405B-Instruct). The NVIDIA Llama 3.1 405B Instruct FP4 model is quantized with [TensorRT Model Optimizer](https://github.com/NVIDIA/TensorRT-Model-Optimizer).
|
10 |
+
|
11 |
+
This model is ready for commercial/non-commercial use. <br>
|
12 |
+
|
13 |
+
## Third-Party Community Consideration
|
14 |
+
This model is not owned or developed by NVIDIA. This model has been developed and built to a third-party’s requirements for this application and use case; see link to Non-NVIDIA [(Meta-Llama-3.1-405B-Instruct) Model Card](https://huggingface.co/meta-llama/Llama-3.1-405B-Instruct).
|
15 |
+
|
16 |
+
### License/Terms of Use:
|
17 |
+
[nvidia-open-model-license](https://www.nvidia.com/en-us/agreements/enterprise-software/nvidia-open-model-license/)
|
18 |
+
|
19 |
+
[llama3.1](https://huggingface.co/meta-llama/Llama-3.1-405B-Instruct/blob/main/LICENSE)
|
20 |
+
|
21 |
+
## Model Architecture:
|
22 |
+
**Architecture Type:** Transformers <br>
|
23 |
+
**Network Architecture:** Llama3.1 <br>
|
24 |
+
|
25 |
+
## Input:
|
26 |
+
**Input Type(s):** Text <br>
|
27 |
+
**Input Format(s):** String <br>
|
28 |
+
**Input Parameters:** 1D (One Dimensional): Sequences <br>
|
29 |
+
**Other Properties Related to Input:** Context length up to 128K <br>
|
30 |
+
|
31 |
+
## Output:
|
32 |
+
**Output Type(s):** Text <br>
|
33 |
+
**Output Format:** String <br>
|
34 |
+
**Output Parameters:** 1D (One Dimensional): Sequences <br>
|
35 |
+
**Other Properties Related to Output:** N/A <br>
|
36 |
+
|
37 |
+
## Software Integration:
|
38 |
+
**Supported Runtime Engine(s):** <br>
|
39 |
+
* Tensor(RT)-LLM <br>
|
40 |
+
|
41 |
+
**Supported Hardware Microarchitecture Compatibility:** <br>
|
42 |
+
* NVIDIA Blackwell <br>
|
43 |
+
|
44 |
+
**Preferred Operating System(s):** <br>
|
45 |
+
* Linux <br>
|
46 |
+
|
47 |
+
## Model Version(s):
|
48 |
+
The model is quantized with nvidia-modelopt **v0.23.0** <br>
|
49 |
+
|
50 |
+
## Datasets:
|
51 |
+
* Calibration Dataset: [cnn_dailymail](https://huggingface.co/datasets/abisee/cnn_dailymail) <br>
|
52 |
+
** Data collection method: Automated. <br>
|
53 |
+
** Labeling method: Unknown. <br>
|
54 |
+
|
55 |
+
|
56 |
+
## Inference:
|
57 |
+
**Engine:** Tensor(RT)-LLM <br>
|
58 |
+
**Test Hardware:** B200 <br>
|
59 |
+
|
60 |
+
## Post Training Quantization
|
61 |
+
This model was obtained by quantizing the weights and activations of Meta-Llama-3.1-405B-Instruct to FP4 data type, ready for inference with TensorRT-LLM. Only the weights and activations of the linear operators within transformers blocks are quantized. This optimization reduces the number of bits per parameter from 16 to 4, reducing the disk size and GPU memory requirements by approximately 3.5x.
|
62 |
+
|
63 |
+
## Usage
|
64 |
+
|
65 |
+
### Deploy with TensorRT-LLM
|
66 |
+
|
67 |
+
To deploy the quantized checkpoint with [TensorRT-LLM](https://github.com/NVIDIA/TensorRT-LLM) LLM API, follow the sample codes below:
|
68 |
+
|
69 |
+
* LLM API sample usage:
|
70 |
+
```
|
71 |
+
from tensorrt_llm import LLM, SamplingParams
|
72 |
+
|
73 |
+
|
74 |
+
def main():
|
75 |
+
|
76 |
+
prompts = [
|
77 |
+
"Hello, my name is",
|
78 |
+
"The president of the United States is",
|
79 |
+
"The capital of France is",
|
80 |
+
"The future of AI is",
|
81 |
+
]
|
82 |
+
sampling_params = SamplingParams(temperature=0.8, top_p=0.95)
|
83 |
+
|
84 |
+
llm = LLM(model="nvidia/Llama-3.1-405B-Instruct-FP4")
|
85 |
+
|
86 |
+
outputs = llm.generate(prompts, sampling_params)
|
87 |
+
|
88 |
+
# Print the outputs.
|
89 |
+
for output in outputs:
|
90 |
+
prompt = output.prompt
|
91 |
+
generated_text = output.outputs[0].text
|
92 |
+
print(f"Prompt: {prompt!r}, Generated text: {generated_text!r}")
|
93 |
+
|
94 |
+
|
95 |
+
# The entry point of the program need to be protected for spawning processes.
|
96 |
+
if __name__ == '__main__':
|
97 |
+
main()
|
98 |
+
|
99 |
+
```
|
100 |
+
|
101 |
+
Please refer to the [TensorRT-LLM llm-api documentation](https://nvidia.github.io/TensorRT-LLM/llm-api/index.html) for more details.
|
102 |
+
|
103 |
+
#### Evaluation
|
104 |
+
The accuracy benchmark results are presented in the table below:
|
105 |
+
<table>
|
106 |
+
<tr>
|
107 |
+
<td><strong>Precision</strong>
|
108 |
+
</td>
|
109 |
+
<td><strong>MMLU</strong>
|
110 |
+
</td>
|
111 |
+
<td><strong>GSM8K_COT</strong>
|
112 |
+
</td>
|
113 |
+
<td><strong>ARC Challenge</strong>
|
114 |
+
</td>
|
115 |
+
<td><strong>IFEVAL</strong>
|
116 |
+
</td>
|
117 |
+
</tr>
|
118 |
+
<tr>
|
119 |
+
<td>BF16
|
120 |
+
</td>
|
121 |
+
<td>87.3
|
122 |
+
</td>
|
123 |
+
<td>96.8
|
124 |
+
</td>
|
125 |
+
<td>96.9
|
126 |
+
</td>
|
127 |
+
<td>88.6
|
128 |
+
</td>
|
129 |
+
</tr>
|
130 |
+
<tr>
|
131 |
+
<td>FP4
|
132 |
+
</td>
|
133 |
+
<td>87.2
|
134 |
+
</td>
|
135 |
+
<td>96.1
|
136 |
+
</td>
|
137 |
+
<td>96.6
|
138 |
+
</td>
|
139 |
+
<td>89.5
|
140 |
+
</td>
|
141 |
+
</tr>
|
142 |
+
<tr>
|
143 |
+
</table>
|
144 |
+
|
145 |
+
|
146 |
+
## Ethical Considerations
|
147 |
+
|
148 |
+
NVIDIA believes Trustworthy AI is a shared responsibility and we have established policies and practices to enable development for a wide array of AI applications. When downloaded or used in accordance with our terms of service, developers should work with their internal model team to ensure this model meets requirements for the relevant industry and use case and addresses unforeseen product misuse.
|
149 |
+
|
150 |
+
Please report security vulnerabilities or NVIDIA AI Concerns [here](https://www.nvidia.com/en-us/support/submit-security-vulnerability/).
|
config.json
ADDED
@@ -0,0 +1,40 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "/opt/zhiyu_hf_ckpts/Llama-3.1-405B-Instruct/",
|
3 |
+
"architectures": [
|
4 |
+
"LlamaForCausalLM"
|
5 |
+
],
|
6 |
+
"attention_bias": false,
|
7 |
+
"attention_dropout": 0.0,
|
8 |
+
"bos_token_id": 128000,
|
9 |
+
"eos_token_id": [
|
10 |
+
128001,
|
11 |
+
128008,
|
12 |
+
128009
|
13 |
+
],
|
14 |
+
"head_dim": 128,
|
15 |
+
"hidden_act": "silu",
|
16 |
+
"hidden_size": 16384,
|
17 |
+
"initializer_range": 0.02,
|
18 |
+
"intermediate_size": 53248,
|
19 |
+
"max_position_embeddings": 131072,
|
20 |
+
"mlp_bias": false,
|
21 |
+
"model_type": "llama",
|
22 |
+
"num_attention_heads": 128,
|
23 |
+
"num_hidden_layers": 126,
|
24 |
+
"num_key_value_heads": 8,
|
25 |
+
"pretraining_tp": 1,
|
26 |
+
"rms_norm_eps": 1e-05,
|
27 |
+
"rope_scaling": {
|
28 |
+
"factor": 8.0,
|
29 |
+
"high_freq_factor": 4.0,
|
30 |
+
"low_freq_factor": 1.0,
|
31 |
+
"original_max_position_embeddings": 8192,
|
32 |
+
"rope_type": "llama3"
|
33 |
+
},
|
34 |
+
"rope_theta": 500000.0,
|
35 |
+
"tie_word_embeddings": false,
|
36 |
+
"torch_dtype": "bfloat16",
|
37 |
+
"transformers_version": "4.47.1",
|
38 |
+
"use_cache": true,
|
39 |
+
"vocab_size": 128256
|
40 |
+
}
|
generation_config.json
ADDED
@@ -0,0 +1,12 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"bos_token_id": 128000,
|
3 |
+
"do_sample": true,
|
4 |
+
"eos_token_id": [
|
5 |
+
128001,
|
6 |
+
128008,
|
7 |
+
128009
|
8 |
+
],
|
9 |
+
"temperature": 0.6,
|
10 |
+
"top_p": 0.9,
|
11 |
+
"transformers_version": "4.47.1"
|
12 |
+
}
|
hf_quant_config.json
ADDED
@@ -0,0 +1,14 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"producer": {
|
3 |
+
"name": "modelopt",
|
4 |
+
"version": "0.23.0"
|
5 |
+
},
|
6 |
+
"quantization": {
|
7 |
+
"quant_algo": "NVFP4",
|
8 |
+
"kv_cache_quant_algo": "FP8",
|
9 |
+
"group_size": 16,
|
10 |
+
"exclude_modules": [
|
11 |
+
"lm_head"
|
12 |
+
]
|
13 |
+
}
|
14 |
+
}
|
model-00001-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ae245809392c0ed4c60ab859eb5308559e30ba5cebd39655b44da9469a19a7f7
|
3 |
+
size 4959766832
|
model-00002-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:7bb135fbe71accbd8417bb5042136cfba855685cf39c27addc6dd3a17fa55f83
|
3 |
+
size 4943194176
|
model-00003-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b64ea559ea5aad50529c2dd2d7158d79cc89cc2ecb7d5229605d0b6a4a127150
|
3 |
+
size 4567735992
|
model-00004-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:73971039f1c1f9f5bc722951622e28357afebe646a4bd14c0ea92590b94e0b85
|
3 |
+
size 4888668004
|
model-00005-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:4f1ae13a8ad0731a2e093e6b05128561bb617e58832f6077e2294a4f2afd4e06
|
3 |
+
size 4888668044
|
model-00006-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:20de05cc9193ca949ec7ec33906bd83f33e448c7bbd0afdbe37810a42e287acd
|
3 |
+
size 4567736064
|
model-00007-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f866c6eee1a0cc4de7880f8d771cdae7ea9496a17b76a66f8dd4764340bca7b3
|
3 |
+
size 4888668100
|
model-00008-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a6820965c1988e515773c6153e8fe15d7d9422325c4cc31f845030af8ea3aa4c
|
3 |
+
size 4888668092
|
model-00009-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a71c04bdf6492d1a3bdbeac11651962e8921b7d580e9ef60697dc94aa6175666
|
3 |
+
size 4567736064
|
model-00010-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f8bba4817b7db58c530feca7ae7a27382c76c62092df1a61b34ad8fbe315575b
|
3 |
+
size 4888668100
|
model-00011-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:55b41d8812d740c561867a7c509ad0c4870ae704ac3119da5bd5586caaca8d24
|
3 |
+
size 4888668092
|
model-00012-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:506cb7bc925f400b2bc92b4ffb2009a3ad81f9e32834dfe9a999bb0743becd74
|
3 |
+
size 4567736064
|
model-00013-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c8d01c9776ed6c6dde194700dd6428121e590eb8cbe5f1f7159dea0e9529be67
|
3 |
+
size 4888668100
|
model-00014-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8e618d2f7b6892ab2b26a7e148af796e4289dda7089835023bb4dade7b02e28d
|
3 |
+
size 4888668092
|
model-00015-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:7403e06c981391c5990172f1c10b1d0968a285d33d8b3e04cae24e96d8964e38
|
3 |
+
size 4567736064
|
model-00016-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:103b474ae8cca52d433d51b2f76302fa62a7263622e669de95c775b6f567ac36
|
3 |
+
size 4888668100
|
model-00017-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:41468e40a10ce6ca8bf999c361f77c66941a7a4b1d4ced53b6ae7ff32cdf8e3f
|
3 |
+
size 4888668092
|
model-00018-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d92d2c35c0883f6b14415f9a3697f7771079147713120d6c395f5a2f458b31ed
|
3 |
+
size 4567736064
|
model-00019-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:6950fe691d5076435c3f077628f3729332a078f4ba1cb1a3161799d74523622b
|
3 |
+
size 4888668100
|
model-00020-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:92bcb68ed2a29411aa397223064b235b23f857c5480b1d7aebec2a067c320600
|
3 |
+
size 4888668092
|
model-00021-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:81281c4294db7de4a0797eae869b9279b5450ab2e9205520b953fbc05c66ca32
|
3 |
+
size 4567736064
|
model-00022-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:cda066e460bfb809602bf50cb36bf6e5fc203217c14bc916c48b9ad99c0b5817
|
3 |
+
size 4888668100
|
model-00023-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:791443b724c55e723790527c5bd2c2779594b78f384d35be59718d4dc2e5728f
|
3 |
+
size 4888668092
|
model-00024-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:581a4c392541d7af732b48056405205b0994936adb06d3738deaa80ba71ae329
|
3 |
+
size 4567736064
|
model-00025-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:bae82099eace40fa703a541b44387d80177c3576d7146ac55163fa2dc2a319af
|
3 |
+
size 4888668100
|
model-00026-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:7e6c034c822a23090a7ab4d89ed060c4514e9140fb63259903a3f1c4ae50a6ef
|
3 |
+
size 4888668092
|
model-00027-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:399078236b1fc65808265c12b65e5ac866ccf59eaea9833bd773380d4f7d1aec
|
3 |
+
size 4567736064
|
model-00028-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:36143b4f100110a677f117c4473816d93b7d7e116b13caeb0fe709ccce707875
|
3 |
+
size 4888668100
|
model-00029-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:2aaa96ae6e8a8ef2dbe0d52b924bb3c31ea364ed8b42b8e933a30e7d045db69b
|
3 |
+
size 4888668092
|
model-00030-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:df39cbb75eaf5174904febff8e74ba8e71b7a6e404b505973c2ba4bbc1773a5f
|
3 |
+
size 4567736064
|
model-00031-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f2a5c83270b57452abec403ba5a5985ad0ddcd78e18248943415afff7bf14de2
|
3 |
+
size 4888668100
|
model-00032-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c700ad452de733f7c0a7814dd00119d625f60ea97a045efdaf32e7100b2070c8
|
3 |
+
size 4888668092
|
model-00033-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:47479d3fd8589b19ce0a715e1f1529687f56b8785579f4482e3bb63cc7f86eab
|
3 |
+
size 4567736064
|
model-00034-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d2b56e4cc1fa1cf216191c48e454fd2bbe4cfd6829b7701bded58c6488c142f8
|
3 |
+
size 4888668100
|
model-00035-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:35239e92e1c8ac0f5d70bb99c60bf68e537ac87a67a1bc65b63aa1281acf9a29
|
3 |
+
size 4888668092
|
model-00036-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:924f580f16febc4a785e66b7cc256e741ba4723eeaf59fecc1df72f4aebeb204
|
3 |
+
size 4567736064
|
model-00037-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:625ce20a19e0f3ae7e00501e925847d43bbc6ca9b2b76c78e5dfeb66791bd311
|
3 |
+
size 4888668100
|
model-00038-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fc275ac5bedcdb942b6d6c0906634f62f3fff6d29167790dc1159e2931ae2d78
|
3 |
+
size 4888668092
|
model-00039-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f6bcab1328a675c8223d4de75dd278bc7a2c7418f0d98fd93b41ebf77d757bb4
|
3 |
+
size 4567736112
|
model-00040-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a25c63de95938497751ebefae6dd9593453fac3df449eb788e311823d615dade
|
3 |
+
size 4888668188
|
model-00041-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:059ae6abdfe38a49647749230a192c5bed0fb22a7137173b737fb8627a91d704
|
3 |
+
size 4888668180
|
model-00042-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fe46588d82435c4b43519fb17855401a54a8091f805e1d0fa1d4a1e51fe6ce27
|
3 |
+
size 4567736136
|
model-00043-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:08ea117d5f8df6a8dc91bd232d2e041a836fb7f30bb2d4d0e1be4a7f236cd84a
|
3 |
+
size 4888668188
|
model-00044-of-00049.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a23507fab35ecfd41d22d9ec28bec680a4644c8252f75c3633aa82ff1dab893d
|
3 |
+
size 4888668180
|