danielhanchen commited on
Commit
7c99a3a
·
verified ·
1 Parent(s): a2f4395

Add files using upload-large-folder tool

Browse files
.gitattributes CHANGED
@@ -33,3 +33,9 @@ saved_model/**/* 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
 
 
 
 
 
 
 
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
+ Seed-Coder-8B-Reasoning-UD-IQ1_S.gguf filter=lfs diff=lfs merge=lfs -text
37
+ Seed-Coder-8B-Reasoning-UD-Q2_K_XL.gguf filter=lfs diff=lfs merge=lfs -text
38
+ Seed-Coder-8B-Reasoning-UD-Q3_K_XL.gguf filter=lfs diff=lfs merge=lfs -text
39
+ Seed-Coder-8B-Reasoning-UD-Q4_K_XL.gguf filter=lfs diff=lfs merge=lfs -text
40
+ Seed-Coder-8B-Reasoning-Q4_K_M.gguf filter=lfs diff=lfs merge=lfs -text
41
+ Seed-Coder-8B-Reasoning-UD-Q5_K_XL.gguf filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,125 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ tags:
3
+ - unsloth
4
+ library_name: transformers
5
+ pipeline_tag: text-generation
6
+ license: mit
7
+ base_model:
8
+ - ByteDance-Seed/Seed-Coder-8B-Reasoning
9
+ ---
10
+ <div>
11
+ <p style="margin-top: 0;margin-bottom: 0;">
12
+ <em><a href="https://docs.unsloth.ai/basics/unsloth-dynamic-v2.0-gguf">Unsloth Dynamic 2.0</a> achieves superior accuracy & outperforms other leading quants.</em>
13
+ </p>
14
+ <div style="display: flex; gap: 5px; align-items: center; ">
15
+ <a href="https://github.com/unslothai/unsloth/">
16
+ <img src="https://github.com/unslothai/unsloth/raw/main/images/unsloth%20new%20logo.png" width="133">
17
+ </a>
18
+ <a href="https://discord.gg/unsloth">
19
+ <img src="https://github.com/unslothai/unsloth/raw/main/images/Discord%20button.png" width="173">
20
+ </a>
21
+ <a href="https://docs.unsloth.ai/basics/qwen3-how-to-run-and-fine-tune">
22
+ <img src="https://raw.githubusercontent.com/unslothai/unsloth/refs/heads/main/images/documentation%20green%20button.png" width="143">
23
+ </a>
24
+ </div>
25
+ </div>
26
+
27
+
28
+ # Seed-Coder-8B-Reasoning
29
+
30
+ <div align="left" style="line-height: 1;">
31
+ <a href="https://bytedance-seed-coder.github.io/" target="_blank" style="margin: 2px;">
32
+ <img alt="Homepage" src="https://img.shields.io/badge/Seed--Coder-Homepage-a468fe?color=a468fe&logoColor=white" style="display: inline-block; vertical-align: middle;"/>
33
+ </a>
34
+
35
+ <a href="https://github.com/ByteDance-Seed/Seed-Coder/blob/master/Seed-Coder.pdf" target="_blank" style="margin: 2px;">
36
+ <img alt="Technical Report" src="https://img.shields.io/badge/(upcoming)-Technical%20Report-brightgreen?logo=arxiv&logoColor=white" style="display: inline-block; vertical-align: middle;"/>
37
+ </a>
38
+
39
+ <a href="https://huggingface.co/ByteDance-Seed" target="_blank" style="margin: 2px;">
40
+ <img alt="Hugging Face" src="https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-ByteDance%20Seed-536af5?color=536af5&logoColor=white" style="display: inline-block; vertical-align: middle;"/>
41
+ </a>
42
+
43
+ <a href="https://github.com/ByteDance-Seed/Seed-Coder/blob/master/LICENSE" style="margin: 2px;">
44
+ <img alt="License" src="https://img.shields.io/badge/License-MIT-f5de53?color=f5de53&logoColor=white" style="display: inline-block; vertical-align: middle;"/>
45
+ </a>
46
+ </div>
47
+
48
+
49
+ ## Introduction
50
+ We are thrilled to introduce Seed-Coder, a powerful, transparent, and parameter-efficient family of open-source code models at the 8B scale, featuring base, instruct, and reasoning variants. Seed-Coder contributes to promote the evolution of open code models through the following highlights.
51
+
52
+ - **Model-centric:** Seed-Coder predominantly leverages LLMs instead of hand-crafted rules for code data filtering, minimizing manual effort in pretraining data construction.
53
+ - **Transparent:** We openly share detailed insights into our model-centric data pipeline, including methods for curating GitHub data, commits data, and code-related web data.
54
+ - **Powerful:** Seed-Coder achieves state-of-the-art performance among open-source models of comparable size across a diverse range of coding tasks.
55
+
56
+ <p align="center">
57
+ <img width="100%" src="imgs/seed-coder_intro_performance.png">
58
+ </p>
59
+
60
+ This repo contains the **Seed-Coder-8B-Reasoning** model, which has the following features:
61
+ - Type: Causal language models
62
+ - Training Stage: Pretraining & Post-training
63
+ - Data Source: Public datasets
64
+ - Context Length: 65,536
65
+
66
+
67
+ ## Model Downloads
68
+ | Model Name | Length | Download | Notes |
69
+ |---------------------------------------------------------|-----------|------------------------------------|-----------------------|
70
+ | Seed-Coder-8B-Base | 32K | 🤗 [Model](https://huggingface.co/ByteDance-Seed/Seed-Coder-8B-Base) | Pretrained on our model-centric code data. |
71
+ | Seed-Coder-8B-Instruct | 32K | 🤗 [Model](https://huggingface.co/ByteDance-Seed/Seed-Coder-8B-Instruct) | Instruction-tuned for alignment with user intent. |
72
+ | 👉 **Seed-Coder-8B-Reasoning** | 64K | 🤗 [Model](https://huggingface.co/ByteDance-Seed/Seed-Coder-8B-Reasoning) | RL trained to boost reasoning capabilities. |
73
+ | Seed-Coder-8B-Reasoning-bf16 | 64K | 🤗 [Model](https://huggingface.co/ByteDance-Seed/Seed-Coder-8B-Reasoning-bf16) | RL trained to boost reasoning capabilities. |
74
+
75
+
76
+ ## Requirements
77
+ You will need to install the latest versions of `transformers` and `accelerate`:
78
+
79
+ ```bash
80
+ pip install -U transformers accelerate
81
+ ```
82
+
83
+ ## Quickstart
84
+
85
+ Here is a simple example demonstrating how to load the model and perform code generation using the Hugging Face `pipeline` API:
86
+
87
+ ```python
88
+ from transformers import AutoTokenizer, AutoModelForCausalLM
89
+ import torch
90
+
91
+ model_id = "ByteDance-Seed/Seed-Coder-8B-Reasoning"
92
+
93
+ tokenizer = AutoTokenizer.from_pretrained(model_id, trust_remote_code=True)
94
+ model = AutoModelForCausalLM.from_pretrained(model_id, torch_dtype=torch.bfloat16, device_map="auto", trust_remote_code=True)
95
+
96
+ messages = [
97
+ {"role": "user", "content": "Write a quick sort algorithm."},
98
+ ]
99
+
100
+ input_ids = tokenizer.apply_chat_template(
101
+ messages,
102
+ tokenize=True,
103
+ return_tensors="pt",
104
+ add_generation_prompt=True,
105
+ ).to(model.device)
106
+
107
+ outputs = model.generate(input_ids, max_new_tokens=16384)
108
+ response = tokenizer.decode(outputs[0][input_ids.shape[-1]:], skip_special_tokens=True)
109
+ print(response)
110
+ ```
111
+
112
+ ## Evaluation
113
+ Seed-Coder-8B-Reasoning strikes impressive performance on competitive programming, demonstrating that smaller LLMs can also be competent on complex reasoning tasks. Our model surpasses QwQ-32B and DeepSeek-R1 on IOI'2024, and achieves an ELO rating comparable to o1-mini on Codeforces contests.
114
+
115
+ <div style="display: flex; justify-content: center;">
116
+ <img src="imgs/reasoning-ioi.jpg" width="61%" />
117
+ <img src="imgs/reasoning-codeforces.jpg" width="39%" />
118
+ </div>
119
+
120
+
121
+ For detailed benchmark performance, please refer to our [📑 Technical Report](https://github.com/ByteDance-Seed/Seed-Coder/blob/master/Seed-Coder.pdf).
122
+
123
+ ## License
124
+
125
+ This project is licensed under the MIT License. See the [LICENSE file](https://github.com/ByteDance-Seed/Seed-Coder/blob/master/LICENSE) for details.
Seed-Coder-8B-Reasoning-Q4_K_M.gguf ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:160a295c3b0d3ae149f82ca1fc38fb9a73ccfc3392871dc788f0284e8e30e43e
3
+ size 5071410496
Seed-Coder-8B-Reasoning-UD-IQ1_S.gguf ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:60bb475c6d02417716a9607661bcfa7e5b04b2b141445c7fb0139950f35bfc7f
3
+ size 2293896512
Seed-Coder-8B-Reasoning-UD-Q2_K_XL.gguf ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:05ac8a4bd343da04f0c3945295ec05091f44d6e25dfe5a1717dc50023b510197
3
+ size 3539440960
Seed-Coder-8B-Reasoning-UD-Q3_K_XL.gguf ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ba962e1db1cbf20526f518eead762e0476250bffdaf663c4d789f7726b15dae4
3
+ size 4342486336
Seed-Coder-8B-Reasoning-UD-Q4_K_XL.gguf ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1fd179306d1485269af8ecf038496afcd12f6bb886c61c24ce881a311f1aa30e
3
+ size 5144876352
Seed-Coder-8B-Reasoning-UD-Q5_K_XL.gguf ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cda6ef9a5a46553cf65f68c74f588c77150846a4082a767437986d7532c38ba5
3
+ size 5888349504
config.json ADDED
@@ -0,0 +1,33 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "LlamaForCausalLM"
4
+ ],
5
+ "attention_bias": false,
6
+ "attention_dropout": 0,
7
+ "bos_token_id": 0,
8
+ "eos_token_id": 2,
9
+ "head_dim": 128,
10
+ "hidden_act": "silu",
11
+ "hidden_size": 4096,
12
+ "initializer_range": 0.009882118,
13
+ "intermediate_size": 14336,
14
+ "layer_norm_eps": null,
15
+ "max_position_embeddings": 65536,
16
+ "mlp_bias": false,
17
+ "model_type": "llama",
18
+ "num_attention_heads": 32,
19
+ "num_hidden_layers": 32,
20
+ "num_key_value_heads": 8,
21
+ "pad_token_id": 1,
22
+ "pretraining_tp": 1,
23
+ "resid_pdrop": 0,
24
+ "rms_norm_eps": 1e-06,
25
+ "rope_scaling": null,
26
+ "rope_theta": 500000.0,
27
+ "tie_word_embeddings": false,
28
+ "torch_dtype": "bfloat16",
29
+ "transformers_version": "4.51.3",
30
+ "unsloth_fixed": true,
31
+ "use_cache": true,
32
+ "vocab_size": 155136
33
+ }