loubnabnl HF staff commited on
Commit
463d3d0
1 Parent(s): 4b79626
config.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "bigcode/santacoder",
3
+ "activation_function": "gelu_fast",
4
+ "architectures": [
5
+ "GPT2LMHeadCustomModel"
6
+ ],
7
+ "attention_head_type": "multiquery",
8
+ "attn_pdrop": 0.1,
9
+ "auto_map": {
10
+ "AutoConfig": "configuration_gpt2_mq.GPT2CustomConfig",
11
+ "AutoModelForCausalLM": "modeling_gpt2_mq.GPT2LMHeadCustomModel"
12
+ },
13
+ "bos_token_id": 50256,
14
+ "embd_pdrop": 0.1,
15
+ "eos_token_id": 50256,
16
+ "initializer_range": 0.02,
17
+ "layer_norm_epsilon": 1e-05,
18
+ "model_type": "gpt2",
19
+ "n_embd": 2048,
20
+ "n_head": 16,
21
+ "n_inner": 8192,
22
+ "n_layer": 24,
23
+ "n_positions": 2048,
24
+ "reorder_and_upcast_attn": false,
25
+ "resid_pdrop": 0.1,
26
+ "scale_attn_by_inverse_layer_idx": false,
27
+ "scale_attn_weights": true,
28
+ "summary_activation": null,
29
+ "summary_first_dropout": 0.1,
30
+ "summary_proj_to_labels": true,
31
+ "summary_type": "cls_index",
32
+ "summary_use_proj": true,
33
+ "torch_dtype": "float32",
34
+ "transformers_version": "4.26.0.dev0",
35
+ "use_cache": false,
36
+ "vocab_size": 49280
37
+ }
configuration_gpt2_mq.py ADDED
@@ -0,0 +1,201 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # coding=utf-8
2
+ # Copyright 2018 The OpenAI Team Authors and Hugging Face Inc. team.
3
+ # Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved.
4
+ #
5
+ # Licensed under the Apache License, Version 2.0 (the "License");
6
+ # you may not use this file except in compliance with the License.
7
+ # You may obtain a copy of the License at
8
+ #
9
+ # http://www.apache.org/licenses/LICENSE-2.0
10
+ #
11
+ # Unless required by applicable law or agreed to in writing, software
12
+ # distributed under the License is distributed on an "AS IS" BASIS,
13
+ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
14
+ # See the License for the specific language governing permissions and
15
+ # limitations under the License.
16
+ """ Custom GPT-2 configuration"""
17
+ from collections import OrderedDict
18
+ from typing import Any, List, Mapping, Optional
19
+ from enum import Enum
20
+
21
+ from transformers import PreTrainedTokenizer, TensorType, is_torch_available
22
+
23
+ from transformers.configuration_utils import PretrainedConfig
24
+ from transformers.onnx import OnnxConfigWithPast, PatchingSpec
25
+ from transformers.utils import logging
26
+
27
+
28
+ logger = logging.get_logger(__name__)
29
+
30
+ GPT2_PRETRAINED_CONFIG_ARCHIVE_MAP = {
31
+ "gpt2": "https://huggingface.co/gpt2/resolve/main/config.json",
32
+ "gpt2-medium": "https://huggingface.co/gpt2-medium/resolve/main/config.json",
33
+ "gpt2-large": "https://huggingface.co/gpt2-large/resolve/main/config.json",
34
+ "gpt2-xl": "https://huggingface.co/gpt2-xl/resolve/main/config.json",
35
+ "distilgpt2": "https://huggingface.co/distilgpt2/resolve/main/config.json",
36
+ }
37
+
38
+ MULTI_HEAD = "multihead"
39
+ MULTI_QUERY = "multiquery"
40
+
41
+
42
+ class GPT2CustomConfig(PretrainedConfig):
43
+ """
44
+ This is the configuration class to store the configuration of a [`GPT2Model`] or a [`TFGPT2Model`]. It is used to
45
+ instantiate a GPT-2 model according to the specified arguments, defining the model architecture. Instantiating a
46
+ configuration with the defaults will yield a similar configuration to that of the GPT-2
47
+ [gpt2](https://huggingface.co/gpt2) architecture.
48
+
49
+ Configuration objects inherit from [`PretrainedConfig`] and can be used to control the model outputs. Read the
50
+ documentation from [`PretrainedConfig`] for more information.
51
+
52
+
53
+ Args:
54
+ vocab_size (`int`, *optional*, defaults to 50257):
55
+ Vocabulary size of the GPT-2 model. Defines the number of different tokens that can be represented by the
56
+ `inputs_ids` passed when calling [`GPT2Model`] or [`TFGPT2Model`].
57
+ n_positions (`int`, *optional*, defaults to 1024):
58
+ The maximum sequence length that this model might ever be used with. Typically set this to something large
59
+ just in case (e.g., 512 or 1024 or 2048).
60
+ n_embd (`int`, *optional*, defaults to 768):
61
+ Dimensionality of the embeddings and hidden states.
62
+ n_layer (`int`, *optional*, defaults to 12):
63
+ Number of hidden layers in the Transformer encoder.
64
+ n_head (`int`, *optional*, defaults to 12):
65
+ Number of attention heads for each attention layer in the Transformer encoder.
66
+ n_inner (`int`, *optional*, defaults to None):
67
+ Dimensionality of the inner feed-forward layers. `None` will set it to 4 times n_embd
68
+ activation_function (`str`, *optional*, defaults to `"gelu"`):
69
+ Activation function, to be selected in the list `["relu", "silu", "gelu", "tanh", "gelu_new"]`.
70
+ resid_pdrop (`float`, *optional*, defaults to 0.1):
71
+ The dropout probability for all fully connected layers in the embeddings, encoder, and pooler.
72
+ embd_pdrop (`int`, *optional*, defaults to 0.1):
73
+ The dropout ratio for the embeddings.
74
+ attn_pdrop (`float`, *optional*, defaults to 0.1):
75
+ The dropout ratio for the attention.
76
+ layer_norm_epsilon (`float`, *optional*, defaults to 1e-5):
77
+ The epsilon to use in the layer normalization layers.
78
+ initializer_range (`float`, *optional*, defaults to 0.02):
79
+ The standard deviation of the truncated_normal_initializer for initializing all weight matrices.
80
+ summary_type (`string`, *optional*, defaults to `"cls_index"`):
81
+ Argument used when doing sequence summary, used in the models [`GPT2DoubleHeadsModel`] and
82
+ [`TFGPT2DoubleHeadsModel`].
83
+
84
+ Has to be one of the following options:
85
+
86
+ - `"last"`: Take the last token hidden state (like XLNet).
87
+ - `"first"`: Take the first token hidden state (like BERT).
88
+ - `"mean"`: Take the mean of all tokens hidden states.
89
+ - `"cls_index"`: Supply a Tensor of classification token position (like GPT/GPT-2).
90
+ - `"attn"`: Not implemented now, use multi-head attention.
91
+ summary_use_proj (`bool`, *optional*, defaults to `True`):
92
+ Argument used when doing sequence summary, used in the models [`GPT2DoubleHeadsModel`] and
93
+ [`TFGPT2DoubleHeadsModel`].
94
+
95
+ Whether or not to add a projection after the vector extraction.
96
+ summary_activation (`str`, *optional*):
97
+ Argument used when doing sequence summary. Used in for the multiple choice head in
98
+ [`GPT2DoubleHeadsModel`].
99
+
100
+ Pass `"tanh"` for a tanh activation to the output, any other value will result in no activation.
101
+ summary_proj_to_labels (`bool`, *optional*, defaults to `True`):
102
+ Argument used when doing sequence summary, used in the models [`GPT2DoubleHeadsModel`] and
103
+ [`TFGPT2DoubleHeadsModel`].
104
+
105
+ Whether the projection outputs should have `config.num_labels` or `config.hidden_size` classes.
106
+ summary_first_dropout (`float`, *optional*, defaults to 0.1):
107
+ Argument used when doing sequence summary, used in the models [`GPT2DoubleHeadsModel`] and
108
+ [`TFGPT2DoubleHeadsModel`].
109
+
110
+ The dropout ratio to be used after the projection and activation.
111
+ scale_attn_weights (`bool`, *optional*, defaults to `True`):
112
+ Scale attention weights by dividing by sqrt(head_dim)..
113
+ use_cache (`bool`, *optional*, defaults to `True`):
114
+ Whether or not the model should return the last key/values attentions (not used by all models).
115
+ scale_attn_by_inverse_layer_idx (`bool`, *optional*, defaults to `False`):
116
+ Whether to additionally scale attention weights by `1 / layer_idx + 1`.
117
+ reorder_and_upcast_attn (`bool`, *optional*, defaults to `False`):
118
+ Whether to scale keys (K) prior to computing attention (dot-product) and upcast attention
119
+ dot-product/softmax to float() when training with mixed precision.
120
+
121
+ Example:
122
+
123
+ ```python
124
+ >>> from transformers import GPT2Config, GPT2Model
125
+
126
+ >>> # Initializing a GPT2 configuration
127
+ >>> configuration = GPT2Config()
128
+
129
+ >>> # Initializing a model (with random weights) from the configuration
130
+ >>> model = GPT2Model(configuration)
131
+
132
+ >>> # Accessing the model configuration
133
+ >>> configuration = model.config
134
+ ```"""
135
+
136
+ model_type = "gpt2"
137
+ keys_to_ignore_at_inference = ["past_key_values"]
138
+ attribute_map = {
139
+ "hidden_size": "n_embd",
140
+ "max_position_embeddings": "n_positions",
141
+ "num_attention_heads": "n_head",
142
+ "num_hidden_layers": "n_layer",
143
+ }
144
+
145
+ def __init__(
146
+ self,
147
+ vocab_size=50257,
148
+ n_positions=1024,
149
+ n_embd=768,
150
+ n_layer=12,
151
+ n_head=12,
152
+ n_inner=None,
153
+ activation_function="gelu_new",
154
+ resid_pdrop=0.1,
155
+ embd_pdrop=0.1,
156
+ attn_pdrop=0.1,
157
+ layer_norm_epsilon=1e-5,
158
+ initializer_range=0.02,
159
+ summary_type="cls_index",
160
+ summary_use_proj=True,
161
+ summary_activation=None,
162
+ summary_proj_to_labels=True,
163
+ summary_first_dropout=0.1,
164
+ scale_attn_weights=True,
165
+ use_cache=True,
166
+ bos_token_id=50256,
167
+ eos_token_id=50256,
168
+ scale_attn_by_inverse_layer_idx=False,
169
+ reorder_and_upcast_attn=False,
170
+ attention_head_type=MULTI_HEAD,
171
+ **kwargs,
172
+ ):
173
+ self.vocab_size = vocab_size
174
+ self.n_positions = n_positions
175
+ self.n_embd = n_embd
176
+ self.n_layer = n_layer
177
+ self.n_head = n_head
178
+ self.n_inner = n_inner
179
+ self.activation_function = activation_function
180
+ self.resid_pdrop = resid_pdrop
181
+ self.embd_pdrop = embd_pdrop
182
+ self.attn_pdrop = attn_pdrop
183
+ self.layer_norm_epsilon = layer_norm_epsilon
184
+ self.initializer_range = initializer_range
185
+ self.summary_type = summary_type
186
+ self.summary_use_proj = summary_use_proj
187
+ self.summary_activation = summary_activation
188
+ self.summary_first_dropout = summary_first_dropout
189
+ self.summary_proj_to_labels = summary_proj_to_labels
190
+ self.scale_attn_weights = scale_attn_weights
191
+ self.use_cache = use_cache
192
+ self.scale_attn_by_inverse_layer_idx = scale_attn_by_inverse_layer_idx
193
+ self.reorder_and_upcast_attn = reorder_and_upcast_attn
194
+ self.attention_head_type = attention_head_type
195
+ # assert attention_head_type in [AttentionType.MULTI_HEAD, AttentionType.MULTI_QUERY]
196
+ assert attention_head_type in [MULTI_HEAD, MULTI_QUERY]
197
+
198
+ self.bos_token_id = bos_token_id
199
+ self.eos_token_id = eos_token_id
200
+
201
+ super().__init__(bos_token_id=bos_token_id, eos_token_id=eos_token_id, **kwargs)
modeling_gpt2_mq.py ADDED
@@ -0,0 +1,346 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """PyTorch OpenAI GPT-2 model modified with MultiQuery attention"""
2
+
3
+
4
+ import math
5
+ import os
6
+ from dataclasses import dataclass
7
+ from typing import Optional, Tuple, Union
8
+
9
+ import torch
10
+ import torch.utils.checkpoint
11
+ from torch import nn
12
+ from torch.cuda.amp import autocast
13
+ from torch.nn import BCEWithLogitsLoss, CrossEntropyLoss, MSELoss
14
+
15
+ from transformers.activations import ACT2FN
16
+ from transformers.modeling_outputs import (
17
+ BaseModelOutputWithPastAndCrossAttentions,
18
+ CausalLMOutputWithCrossAttentions,
19
+ SequenceClassifierOutputWithPast,
20
+ TokenClassifierOutput,
21
+ )
22
+ from transformers.modeling_utils import PreTrainedModel, SequenceSummary
23
+ from transformers.pytorch_utils import Conv1D, find_pruneable_heads_and_indices, prune_conv1d_layer
24
+
25
+ from transformers.utils import (
26
+ ModelOutput,
27
+ add_code_sample_docstrings,
28
+ add_start_docstrings,
29
+ add_start_docstrings_to_model_forward,
30
+ logging,
31
+ replace_return_docstrings,
32
+ )
33
+ from transformers.utils.model_parallel_utils import assert_device_map, get_device_map
34
+ from transformers.models.gpt2.modeling_gpt2 import GPT2Model, GPT2Block, GPT2PreTrainedModel, GPT2LMHeadModel
35
+ from .configuration_gpt2_mq import GPT2CustomConfig, MULTI_QUERY, MULTI_HEAD
36
+
37
+
38
+
39
+ class GPT2MQAttention(nn.Module):
40
+ def __init__(self, config, is_cross_attention=False, layer_idx=None):
41
+ super().__init__()
42
+ assert config.attention_head_type == MULTI_QUERY
43
+
44
+ max_positions = config.max_position_embeddings
45
+ self.register_buffer(
46
+ "bias",
47
+ torch.tril(torch.ones((max_positions, max_positions), dtype=torch.uint8)).view(
48
+ 1, 1, max_positions, max_positions
49
+ ),
50
+ )
51
+ self.register_buffer("masked_bias", torch.tensor(-1e4))
52
+
53
+ self.embed_dim = config.hidden_size
54
+ self.num_heads = config.num_attention_heads
55
+ self.head_dim = self.embed_dim // self.num_heads
56
+ self.split_size = self.embed_dim
57
+ if self.head_dim * self.num_heads != self.embed_dim:
58
+ raise ValueError(
59
+ f"`embed_dim` must be divisible by num_heads (got `embed_dim`: {self.embed_dim} and `num_heads`:"
60
+ f" {self.num_heads})."
61
+ )
62
+
63
+ self.scale_attn_weights = config.scale_attn_weights
64
+ if is_cross_attention:
65
+ raise NotImplementedError("Cross-attention not implemented for MQA")
66
+ self.is_cross_attention = is_cross_attention
67
+
68
+ # Layer-wise attention scaling, reordering, and upcasting
69
+ self.scale_attn_by_inverse_layer_idx = config.scale_attn_by_inverse_layer_idx
70
+ self.layer_idx = layer_idx
71
+ self.reorder_and_upcast_attn = config.reorder_and_upcast_attn
72
+
73
+ if self.is_cross_attention:
74
+ self.c_attn = Conv1D(2 * self.embed_dim, self.embed_dim)
75
+ self.q_attn = Conv1D(self.embed_dim, self.embed_dim)
76
+ else:
77
+ # self.c_attn = Conv1D(3 * self.embed_dim, self.embed_dim)
78
+ self.q_attn = Conv1D(self.embed_dim, self.embed_dim)
79
+ # Keys and values are shared across heads
80
+ self.kv_attn = Conv1D(2 * self.head_dim, self.embed_dim)
81
+ self.c_proj = Conv1D(self.embed_dim, self.embed_dim)
82
+
83
+ self.attn_dropout = nn.Dropout(config.attn_pdrop)
84
+ self.resid_dropout = nn.Dropout(config.resid_pdrop)
85
+
86
+ self.pruned_heads = set()
87
+
88
+ def prune_heads(self, heads):
89
+ if len(heads) == 0:
90
+ return
91
+ heads, index = find_pruneable_heads_and_indices(heads, self.num_heads, self.head_dim, self.pruned_heads)
92
+ index_attn = torch.cat([index, index + self.split_size, index + (2 * self.split_size)])
93
+
94
+ # Prune conv1d layers
95
+ self.c_attn = prune_conv1d_layer(self.c_attn, index_attn, dim=1)
96
+ self.c_proj = prune_conv1d_layer(self.c_proj, index, dim=0)
97
+
98
+ # Update hyper params
99
+ self.split_size = (self.split_size // self.num_heads) * (self.num_heads - len(heads))
100
+ self.num_heads = self.num_heads - len(heads)
101
+ self.pruned_heads = self.pruned_heads.union(heads)
102
+
103
+ def _attn(self, query, key, value, attention_mask=None, head_mask=None):
104
+ # query: (b, num_heads * sq, head_dim)
105
+ # key: (b, head_dim, sk)
106
+ # value: (b, sk, head_dim)
107
+ batch_size = query.size(0)
108
+ query_length = query.size(1) // self.num_heads
109
+ key_length = key.size(2)
110
+ # (b, num_heads * sq, head_dim) x (b, head_dim, sk) -> (b, num_heads * sq, sk)
111
+ attn_weights = torch.bmm(query, key)
112
+ # -> (b, num_heads, sq, sk)
113
+ attn_weights = attn_weights.view(batch_size, self.num_heads, query_length, key_length)
114
+
115
+ if self.scale_attn_weights:
116
+ attn_weights = attn_weights / torch.tensor(
117
+ value.size(-1) ** 0.5, dtype=attn_weights.dtype, device=attn_weights.device
118
+ )
119
+
120
+ # Layer-wise attention scaling
121
+ if self.scale_attn_by_inverse_layer_idx:
122
+ attn_weights = attn_weights / float(self.layer_idx + 1)
123
+
124
+ if not self.is_cross_attention:
125
+ # if only "normal" attention layer implements causal mask
126
+ causal_mask = self.bias[:, :, key_length - query_length : key_length, :key_length].to(torch.bool)
127
+ mask_value = torch.finfo(attn_weights.dtype).min
128
+ # Need to be a tensor, otherwise we get error: `RuntimeError: expected scalar type float but found double`.
129
+ # Need to be on the same device, otherwise `RuntimeError: ..., x and y to be on the same device`
130
+ mask_value = torch.tensor(mask_value, dtype=attn_weights.dtype).to(attn_weights.device)
131
+ attn_weights = torch.where(causal_mask, attn_weights, mask_value)
132
+
133
+ if attention_mask is not None:
134
+ # Apply the attention mask
135
+ attn_weights = attn_weights + attention_mask
136
+
137
+ attn_weights = nn.functional.softmax(attn_weights, dim=-1)
138
+
139
+ # Downcast (if necessary) back to V's dtype (if in mixed-precision) -- No-Op otherwise
140
+ attn_weights = attn_weights.type(value.dtype)
141
+ attn_weights = self.attn_dropout(attn_weights)
142
+
143
+ # Mask heads if we want to
144
+ if head_mask is not None:
145
+ attn_weights = attn_weights * head_mask
146
+
147
+ # (b, num_heads, sq, sk) -> (b, num_heads * sq, sk)
148
+ _attn_weights = attn_weights.view(batch_size, self.num_heads * query_length, key_length)
149
+ # (b, num_heads * sq, sk) x (b, sk, head_dim) -> (b, num_heads * sq, head_dim)
150
+ attn_output = torch.bmm(_attn_weights, value)
151
+ attn_output = attn_output.view(batch_size, self.num_heads, query_length, self.head_dim)
152
+
153
+ return attn_output, attn_weights
154
+
155
+ def _upcast_and_reordered_attn(self, query, key, value, attention_mask=None, head_mask=None):
156
+ # Use `torch.baddbmm` (a bit more efficient w/ alpha param for scaling -- from Megatron-LM)
157
+ bsz, num_heads, q_seq_len, dk = query.size()
158
+ _, _, k_seq_len, _ = key.size()
159
+
160
+ # Preallocate attn_weights for `baddbmm`
161
+ attn_weights = torch.empty(bsz * num_heads, q_seq_len, k_seq_len, dtype=torch.float32, device=query.device)
162
+
163
+ # Compute Scale Factor
164
+ scale_factor = 1.0
165
+ if self.scale_attn_weights:
166
+ scale_factor /= float(value.size(-1)) ** 0.5
167
+
168
+ if self.scale_attn_by_inverse_layer_idx:
169
+ scale_factor /= float(self.layer_idx + 1)
170
+
171
+ # Upcast (turn off autocast) and reorder (Scale K by 1 / root(dk))
172
+ with autocast(enabled=False):
173
+ q, k = query.reshape(-1, q_seq_len, dk), key.transpose(-1, -2).reshape(-1, dk, k_seq_len)
174
+ attn_weights = torch.baddbmm(attn_weights, q.float(), k.float(), beta=0, alpha=scale_factor)
175
+ attn_weights = attn_weights.reshape(bsz, num_heads, q_seq_len, k_seq_len)
176
+
177
+ if not self.is_cross_attention:
178
+ # if only "normal" attention layer implements causal mask
179
+ query_length, key_length = query.size(-2), key.size(-2)
180
+ causal_mask = self.bias[:, :, key_length - query_length : key_length, :key_length].bool()
181
+ mask_value = torch.finfo(attn_weights.dtype).min
182
+ # Need to be a tensor, otherwise we get error: `RuntimeError: expected scalar type float but found double`.
183
+ # Need to be on the same device, otherwise `RuntimeError: ..., x and y to be on the same device`
184
+ mask_value = torch.tensor(mask_value, dtype=attn_weights.dtype).to(attn_weights.device)
185
+ attn_weights = torch.where(causal_mask, attn_weights, mask_value)
186
+
187
+ if attention_mask is not None:
188
+ # Apply the attention mask
189
+ attn_weights = attn_weights + attention_mask
190
+
191
+ attn_weights = nn.functional.softmax(attn_weights, dim=-1)
192
+
193
+ # Downcast (if necessary) back to V's dtype (if in mixed-precision) -- No-Op if otherwise
194
+ if attn_weights.dtype != torch.float32:
195
+ raise RuntimeError("Error with upcasting, attn_weights does not have dtype torch.float32")
196
+ attn_weights = attn_weights.type(value.dtype)
197
+ attn_weights = self.attn_dropout(attn_weights)
198
+
199
+ # Mask heads if we want to
200
+ if head_mask is not None:
201
+ attn_weights = attn_weights * head_mask
202
+
203
+ attn_output = torch.matmul(attn_weights, value)
204
+
205
+ return attn_output, attn_weights
206
+
207
+ def _split_heads(self, tensor, num_heads, attn_head_size):
208
+ """
209
+ Splits hidden_size dim into attn_head_size and num_heads
210
+ """
211
+ new_shape = tensor.size()[:-1] + (num_heads, attn_head_size)
212
+ tensor = tensor.view(new_shape)
213
+ return tensor.permute(0, 2, 1, 3) # (batch, head, seq_length, head_features)
214
+
215
+ def _merge_heads(self, tensor, num_heads, attn_head_size):
216
+ """
217
+ Merges attn_head_size dim and num_attn_heads dim into hidden_size
218
+ """
219
+ tensor = tensor.permute(0, 2, 1, 3).contiguous()
220
+ new_shape = tensor.size()[:-2] + (num_heads * attn_head_size,)
221
+ return tensor.view(new_shape)
222
+
223
+ def forward(
224
+ self,
225
+ hidden_states: Optional[Tuple[torch.FloatTensor]],
226
+ layer_past: Optional[Tuple[torch.Tensor]] = None,
227
+ attention_mask: Optional[torch.FloatTensor] = None,
228
+ head_mask: Optional[torch.FloatTensor] = None,
229
+ encoder_hidden_states: Optional[torch.Tensor] = None,
230
+ encoder_attention_mask: Optional[torch.FloatTensor] = None,
231
+ use_cache: Optional[bool] = False,
232
+ output_attentions: Optional[bool] = False,
233
+ ) -> Tuple[Union[torch.Tensor, Tuple[torch.Tensor]], ...]:
234
+ if encoder_hidden_states is not None:
235
+ raise NotImplementedError("Cross-attention not implemented for MQA")
236
+ if not hasattr(self, "q_attn"):
237
+ raise ValueError(
238
+ "If class is used as cross attention, the weights `q_attn` have to be defined. "
239
+ "Please make sure to instantiate class with `GPT2Attention(..., is_cross_attention=True)`."
240
+ )
241
+
242
+ query = self.q_attn(hidden_states)
243
+ key, value = self.c_attn(encoder_hidden_states).split(self.split_size, dim=2)
244
+ attention_mask = encoder_attention_mask
245
+ else:
246
+ query = self.q_attn(hidden_states)
247
+ key, value = self.kv_attn(hidden_states).split(self.head_dim, dim=2)
248
+
249
+
250
+ batch_size, seq_length = query.shape[:2]
251
+ # (query_length, batch, num_heads, head_dim)
252
+ # (batch, num_heads * query_length, head_dim)\
253
+
254
+ # (batch, query_length, hidden_size) -> (batch, num_heads, query_length, head_dim)
255
+ query = query.view(batch_size, seq_length, self.num_heads, self.head_dim).permute([0, 2, 1, 3])
256
+ # -> (batch, num_heads * query_length, head_dim)
257
+ query = query.reshape(batch_size, self.num_heads * seq_length, self.head_dim)
258
+
259
+ # (batch, query_length, hidden_size) -> (batch, query_length * num_heads, head_dim)
260
+ # query = query.view(
261
+ # batch_size, seq_length, self.num_heads, self.head_dim,
262
+ # ).reshape(
263
+ # batch_size, seq_length * self.num_heads, self.head_dim
264
+ # )
265
+ key = key.permute(0, 2, 1) # (batch_size, head_dim, seq_length)
266
+ # value (batch_size, seq_length, head_dim)
267
+
268
+ if layer_past is not None:
269
+ past_key, past_value = layer_past
270
+ # Concatenate on sequence dimension
271
+ key = torch.cat((past_key, key), dim=-1)
272
+ value = torch.cat((past_value, value), dim=-2)
273
+
274
+ if use_cache is True:
275
+ present = (key, value)
276
+ else:
277
+ present = None
278
+
279
+ if self.reorder_and_upcast_attn:
280
+ raise NotImplementedError("Reorder and upcast attention not implemented for MQA")
281
+ attn_output, attn_weights = self._upcast_and_reordered_attn(query, key, value, attention_mask, head_mask)
282
+ else:
283
+ attn_output, attn_weights = self._attn(query, key, value, attention_mask, head_mask)
284
+
285
+ attn_output = self._merge_heads(attn_output, self.num_heads, self.head_dim)
286
+ attn_output = self.c_proj(attn_output)
287
+ attn_output = self.resid_dropout(attn_output)
288
+
289
+ outputs = (attn_output, present)
290
+ if output_attentions:
291
+ outputs += (attn_weights,)
292
+
293
+ return outputs # a, present, (attentions)
294
+
295
+
296
+ # inherit from gpt_modeling.py, and override `attn` module
297
+ class GPT2CustomBlock(GPT2Block):
298
+
299
+ def __init__(self, config: GPT2CustomConfig, layer_idx=None):
300
+ super().__init__(config, layer_idx)
301
+ # Override attention module if using multiquery
302
+ if config.attention_head_type == MULTI_QUERY:
303
+ self.attn = GPT2MQAttention(config, layer_idx=layer_idx)
304
+ if config.add_cross_attention:
305
+ raise NotImplementedError("Cross-attention not implemented for MQA")
306
+
307
+
308
+ # inherit from gpt_modeling.py and override `__init__` method
309
+ class GPT2CustomModel(GPT2Model):
310
+ config_class = GPT2CustomConfig
311
+
312
+ def __init__(self, config):
313
+ GPT2PreTrainedModel.__init__(self, config)
314
+
315
+ self.embed_dim = config.hidden_size
316
+
317
+ self.wte = nn.Embedding(config.vocab_size, self.embed_dim)
318
+ self.wpe = nn.Embedding(config.max_position_embeddings, self.embed_dim)
319
+
320
+ self.drop = nn.Dropout(config.embd_pdrop)
321
+ self.h = nn.ModuleList([GPT2CustomBlock(config, layer_idx=i) for i in range(config.num_hidden_layers)])
322
+ self.ln_f = nn.LayerNorm(self.embed_dim, eps=config.layer_norm_epsilon)
323
+
324
+ # Model parallel
325
+ self.model_parallel = False
326
+ self.device_map = None
327
+ self.gradient_checkpointing = False
328
+
329
+ # Initialize weights and apply final processing
330
+ self.post_init()
331
+
332
+
333
+ class GPT2LMHeadCustomModel(GPT2LMHeadModel):
334
+ config_class = GPT2CustomConfig
335
+
336
+ def __init__(self, config):
337
+ GPT2PreTrainedModel.__init__(self, config)
338
+ self.transformer = GPT2CustomModel(config)
339
+ self.lm_head = nn.Linear(config.n_embd, config.vocab_size, bias=False)
340
+
341
+ # Model parallel
342
+ self.model_parallel = False
343
+ self.device_map = None
344
+
345
+ # Initialize weights and apply final processing
346
+ self.post_init()
pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b979c0e0dd5dd83ba543576491cdd92197199ef001b5238c11165453fbb93778
3
+ size 4600333857
special_tokens_map.json ADDED
@@ -0,0 +1,380 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <!DOCTYPE html>
2
+ <html class="">
3
+ <head>
4
+ <meta charset="utf-8" />
5
+ <meta name="viewport" content="width=device-width, initial-scale=1.0, user-scalable=no" />
6
+ <meta name="description" content="We’re on a journey to advance and democratize artificial intelligence through open source and open science." />
7
+ <meta property="fb:app_id" content="1321688464574422" />
8
+ <meta name="twitter:card" content="summary_large_image" />
9
+ <meta name="twitter:site" content="@huggingface" />
10
+ <meta property="og:title" content="special_tokens_map.json · bigcode/santacoder at main" />
11
+ <meta property="og:type" content="website" />
12
+ <meta property="og:url" content="https://huggingface.co/bigcode/santacoder/blob/main/special_tokens_map.json" />
13
+ <meta property="og:image" content="https://thumbnails.huggingface.co/social-thumbnails/models/bigcode/santacoder.png" />
14
+
15
+ <link rel="stylesheet" href="/front/build/style.84db37849.css" />
16
+
17
+ <link rel="preconnect" href="https://fonts.gstatic.com" />
18
+ <link
19
+ href="https://fonts.googleapis.com/css2?family=Source+Sans+Pro:ital,wght@0,200;0,300;0,400;0,600;0,700;0,900;1,200;1,300;1,400;1,600;1,700;1,900&display=swap"
20
+ rel="stylesheet"
21
+ />
22
+ <link
23
+ href="https://fonts.googleapis.com/css2?family=IBM+Plex+Mono:wght@400;600;700&display=swap"
24
+ rel="stylesheet"
25
+ />
26
+ <link rel="stylesheet" href="https://cdn.jsdelivr.net/npm/[email protected]/dist/katex.min.css" />
27
+
28
+ <style data-svelte="svelte-np4f0n">.blob-line-num::before {
29
+ content: attr(line-num);
30
+ }
31
+ </style>
32
+
33
+ <title>special_tokens_map.json · bigcode/santacoder at main</title>
34
+ </head>
35
+ <body class="flex flex-col min-h-screen bg-white dark:bg-gray-950 text-black ViewerBlobPage">
36
+ <div class="flex flex-col min-h-screen "><div class="SVELTE_HYDRATER contents" data-props="{&quot;hfCloudName&quot;:&quot;private&quot;,&quot;isAuth&quot;:false,&quot;isHfCloud&quot;:false,&quot;isWide&quot;:false}" data-target="MainHeader"><header class="border-b border-gray-100"><div class="w-full px-4 lg:px-6 xl:container flex items-center h-16"><div class="flex flex-1 items-center"><a class="flex flex-none items-center mr-5 lg:mr-6" href="/"><img alt="Hugging Face's logo" class="md:mr-2 w-7" src="/front/assets/huggingface_logo-noborder.svg">
37
+ <span class="hidden text-lg font-bold whitespace-nowrap md:block">Hugging Face</span></a>
38
+
39
+ <div class="relative flex-1 lg:max-w-sm mr-2 sm:mr-4 lg:mr-6"><input autocomplete="off" class="w-full dark:bg-gray-950 pl-8
40
+ form-input-alt h-9 pr-3 focus:shadow-xl" name="" placeholder="Search models, datasets, users..." spellcheck="false" type="text">
41
+ <svg class="absolute left-2.5 text-gray-400 top-1/2 transform -translate-y-1/2" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 28.59L22.45 21A11 11 0 1 0 21 22.45L28.59 30zM5 14a9 9 0 1 1 9 9a9 9 0 0 1-9-9z" fill="currentColor"></path></svg>
42
+ </div>
43
+ <button class="lg:hidden relative flex-none place-self-stretch flex items-center justify-center w-8" type="button"><svg width="1em" height="1em" viewBox="0 0 10 10" class="text-xl" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" fill="currentColor"><path fill-rule="evenodd" clip-rule="evenodd" d="M1.65039 2.9999C1.65039 2.8066 1.80709 2.6499 2.00039 2.6499H8.00039C8.19369 2.6499 8.35039 2.8066 8.35039 2.9999C8.35039 3.1932 8.19369 3.3499 8.00039 3.3499H2.00039C1.80709 3.3499 1.65039 3.1932 1.65039 2.9999ZM1.65039 4.9999C1.65039 4.8066 1.80709 4.6499 2.00039 4.6499H8.00039C8.19369 4.6499 8.35039 4.8066 8.35039 4.9999C8.35039 5.1932 8.19369 5.3499 8.00039 5.3499H2.00039C1.80709 5.3499 1.65039 5.1932 1.65039 4.9999ZM2.00039 6.6499C1.80709 6.6499 1.65039 6.8066 1.65039 6.9999C1.65039 7.1932 1.80709 7.3499 2.00039 7.3499H8.00039C8.19369 7.3499 8.35039 7.1932 8.35039 6.9999C8.35039 6.8066 8.19369 6.6499 8.00039 6.6499H2.00039Z"></path></svg>
44
+ </button>
45
+
46
+ </div>
47
+ <nav aria-label="Main" class="ml-auto hidden lg:block"><ul class="flex items-center space-x-2"><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-indigo-700" href="/models"><svg class="mr-1.5 text-gray-400 group-hover:text-indigo-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
48
+ Models</a>
49
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-red-700" href="/datasets"><svg class="mr-1.5 text-gray-400 group-hover:text-red-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 25 25"><ellipse cx="12.5" cy="5" fill="currentColor" fill-opacity="0.25" rx="7.5" ry="2"></ellipse><path d="M12.5 15C16.6421 15 20 14.1046 20 13V20C20 21.1046 16.6421 22 12.5 22C8.35786 22 5 21.1046 5 20V13C5 14.1046 8.35786 15 12.5 15Z" fill="currentColor" opacity="0.5"></path><path d="M12.5 7C16.6421 7 20 6.10457 20 5V11.5C20 12.6046 16.6421 13.5 12.5 13.5C8.35786 13.5 5 12.6046 5 11.5V5C5 6.10457 8.35786 7 12.5 7Z" fill="currentColor" opacity="0.5"></path><path d="M5.23628 12C5.08204 12.1598 5 12.8273 5 13C5 14.1046 8.35786 15 12.5 15C16.6421 15 20 14.1046 20 13C20 12.8273 19.918 12.1598 19.7637 12C18.9311 12.8626 15.9947 13.5 12.5 13.5C9.0053 13.5 6.06886 12.8626 5.23628 12Z" fill="currentColor"></path></svg>
50
+ Datasets</a>
51
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-blue-700" href="/spaces"><svg class="mr-1.5 text-gray-400 group-hover:text-blue-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 25 25"><path opacity=".5" d="M6.016 14.674v4.31h4.31v-4.31h-4.31ZM14.674 14.674v4.31h4.31v-4.31h-4.31ZM6.016 6.016v4.31h4.31v-4.31h-4.31Z" fill="currentColor"></path><path opacity=".75" fill-rule="evenodd" clip-rule="evenodd" d="M3 4.914C3 3.857 3.857 3 4.914 3h6.514c.884 0 1.628.6 1.848 1.414a5.171 5.171 0 0 1 7.31 7.31c.815.22 1.414.964 1.414 1.848v6.514A1.914 1.914 0 0 1 20.086 22H4.914A1.914 1.914 0 0 1 3 20.086V4.914Zm3.016 1.102v4.31h4.31v-4.31h-4.31Zm0 12.968v-4.31h4.31v4.31h-4.31Zm8.658 0v-4.31h4.31v4.31h-4.31Zm0-10.813a2.155 2.155 0 1 1 4.31 0 2.155 2.155 0 0 1-4.31 0Z" fill="currentColor"></path><path opacity=".25" d="M16.829 6.016a2.155 2.155 0 1 0 0 4.31 2.155 2.155 0 0 0 0-4.31Z" fill="currentColor"></path></svg>
52
+ Spaces</a>
53
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-yellow-700" href="/docs"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="mr-1.5 text-gray-400 group-hover:text-yellow-500" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path opacity="0.5" d="M20.9022 5.10334L10.8012 10.8791L7.76318 9.11193C8.07741 8.56791 8.5256 8.11332 9.06512 7.7914L15.9336 3.73907C17.0868 3.08811 18.5002 3.26422 19.6534 3.91519L19.3859 3.73911C19.9253 4.06087 20.5879 4.56025 20.9022 5.10334Z" fill="currentColor"></path><path d="M10.7999 10.8792V28.5483C10.2136 28.5475 9.63494 28.4139 9.10745 28.1578C8.5429 27.8312 8.074 27.3621 7.74761 26.7975C7.42122 26.2327 7.24878 25.5923 7.24756 24.9402V10.9908C7.25062 10.3319 7.42358 9.68487 7.74973 9.1123L10.7999 10.8792Z" fill="currentColor" fill-opacity="0.75"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M21.3368 10.8499V6.918C21.3331 6.25959 21.16 5.61234 20.8346 5.03949L10.7971 10.8727L10.8046 10.874L21.3368 10.8499Z" fill="currentColor"></path><path opacity="0.5" d="M21.7937 10.8488L10.7825 10.8741V28.5486L21.7937 28.5234C23.3344 28.5234 24.5835 27.2743 24.5835 25.7335V13.6387C24.5835 12.0979 23.4365 11.1233 21.7937 10.8488Z" fill="currentColor"></path></svg>
54
+ Docs</a>
55
+ </li>
56
+ <li><div class="relative ">
57
+ <button class="px-2 py-0.5 group hover:text-green-700 dark:hover:text-gray-400 flex items-center
58
+ " type="button">
59
+ <svg class="mr-1.5 text-gray-400 group-hover:text-green-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M19 6H5a3 3 0 0 0-3 3v2.72L8.837 14h6.326L22 11.72V9a3 3 0 0 0-3-3z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M10 6V5h4v1h2V5a2.002 2.002 0 0 0-2-2h-4a2.002 2.002 0 0 0-2 2v1h2zm-1.163 8L2 11.72V18a3.003 3.003 0 0 0 3 3h14a3.003 3.003 0 0 0 3-3v-6.28L15.163 14H8.837z" fill="currentColor"></path></svg>
60
+ Solutions
61
+ </button>
62
+
63
+
64
+
65
+ </div></li>
66
+
67
+ <li><a class="flex items-center group px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-400" href="/pricing" data-ga-category="header-menu" data-ga-action="clicked pricing" data-ga-label="pricing">Pricing
68
+ </a></li>
69
+
70
+ <li><div class="relative group">
71
+ <button class="px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-600 flex items-center
72
+ " type="button">
73
+ <svg class="mr-1.5 text-gray-500 w-5 group-hover:text-gray-400 dark:text-gray-300 dark:group-hover:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 32 18" preserveAspectRatio="xMidYMid meet"><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 3.30221C14.4504 2.836 14.8284 2.45807 15.2946 2.45807H28.4933C28.9595 2.45807 29.3374 2.836 29.3374 3.30221C29.3374 3.76842 28.9595 4.14635 28.4933 4.14635H15.2946C14.8284 4.14635 14.4504 3.76842 14.4504 3.30221Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 9.00002C14.4504 8.53382 14.8284 8.15588 15.2946 8.15588H28.4933C28.9595 8.15588 29.3374 8.53382 29.3374 9.00002C29.3374 9.46623 28.9595 9.84417 28.4933 9.84417H15.2946C14.8284 9.84417 14.4504 9.46623 14.4504 9.00002Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 14.6978C14.4504 14.2316 14.8284 13.8537 15.2946 13.8537H28.4933C28.9595 13.8537 29.3374 14.2316 29.3374 14.6978C29.3374 15.164 28.9595 15.542 28.4933 15.542H15.2946C14.8284 15.542 14.4504 15.164 14.4504 14.6978Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M1.94549 6.87377C2.27514 6.54411 2.80962 6.54411 3.13928 6.87377L6.23458 9.96907L9.32988 6.87377C9.65954 6.54411 10.194 6.54411 10.5237 6.87377C10.8533 7.20343 10.8533 7.73791 10.5237 8.06756L6.23458 12.3567L1.94549 8.06756C1.61583 7.73791 1.61583 7.20343 1.94549 6.87377Z" fill="currentColor"></path></svg>
74
+
75
+ </button>
76
+
77
+
78
+
79
+ </div></li>
80
+ <li><hr class="w-0.5 h-5 border-none bg-gray-100 dark:bg-gray-800"></li>
81
+
82
+ <li><a class="px-2 py-0.5 block cursor-pointer hover:text-gray-500 dark:hover:text-gray-400" href="/login">Log In
83
+ </a></li>
84
+ <li><a class="ml-2 btn" href="/join">Sign Up </a></li></ul></nav></div></header></div>
85
+
86
+
87
+ <main class="flex flex-col flex-1 "><header class="bg-gradient-to-t from-gray-50-to-white via-white dark:via-gray-950
88
+ pt-10"><div class="container relative"><h1 class="flex items-center flex-wrap text-lg leading-tight
89
+ mb-2 md:text-xl ">
90
+ <div class="flex items-center mb-1 group"><div class="flex items-center mr-1.5 relative">
91
+
92
+ <img alt="" class="w-3.5 h-3.5 rounded " src="https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1659521200179-5e48005437cb5b49818287a5.png?w=200&amp;h=200&amp;f=face"></div>
93
+ <a href="/bigcode" class="font-sans text-gray-400 hover:text-blue-600">bigcode</a>
94
+ <div class="text-gray-300 mx-0.5">/</div></div>
95
+
96
+ <div class="max-w-full mb-1"><a class="font-mono font-semibold break-words" href="/bigcode/santacoder">santacoder</a>
97
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;classNames&quot;:&quot;mr-4&quot;,&quot;title&quot;:&quot;Copy model name to clipboard&quot;,&quot;value&quot;:&quot;bigcode/santacoder&quot;}" data-target="CopyButton"><button class="inline-flex items-center relative bg-white text-sm focus:text-green-500 cursor-pointer focus:outline-none
98
+ mr-4
99
+ mx-0.5
100
+
101
+
102
+ text-gray-600
103
+
104
+ " title="Copy model name to clipboard" type="button"><svg class="" xmlns="http://www.w3.org/2000/svg" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M28,10V28H10V10H28m0-2H10a2,2,0,0,0-2,2V28a2,2,0,0,0,2,2H28a2,2,0,0,0,2-2V10a2,2,0,0,0-2-2Z" transform="translate(0)"></path><path d="M4,18H2V4A2,2,0,0,1,4,2H18V4H4Z" transform="translate(0)"></path><rect fill="none" width="32" height="32"></rect></svg>
105
+
106
+ <div class="
107
+ absolute pointer-events-none transition-opacity bg-black text-white py-1 px-2 leading-tight rounded font-normal shadow
108
+ left-1/2 top-full transform -translate-x-1/2 translate-y-2
109
+ opacity-0
110
+ "><div class="absolute bottom-full left-1/2 transform -translate-x-1/2 w-0 h-0 border-black border-4 border-t-0" style="
111
+ border-left-color: transparent;
112
+ border-right-color: transparent;
113
+ "></div>
114
+ Copied</div></button></div></div>
115
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;isLoggedIn&quot;:false,&quot;classNames&quot;:&quot;mr-2 xl:mr-3 mb-1&quot;,&quot;isLikedByUser&quot;:false,&quot;likes&quot;:73,&quot;repoId&quot;:&quot;bigcode/santacoder&quot;,&quot;repoType&quot;:&quot;model&quot;}" data-target="LikeButton"><div class="inline-flex items-center border leading-none whitespace-nowrap text-sm rounded-md text-gray-500 overflow-hidden bg-white
116
+ mr-2 xl:mr-3 mb-1"><button class="relative flex items-center px-1.5 py-1 hover:bg-gradient-to-t focus:outline-none from-red-50 to-transparent dark:from-red-900 dark:to-red-800 overflow-hidden" title="Like"><svg class="mr-1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.45,6a5.47,5.47,0,0,1,3.91,1.64,5.7,5.7,0,0,1,0,8L16,26.13,5.64,15.64a5.7,5.7,0,0,1,0-8,5.48,5.48,0,0,1,7.82,0L16,10.24l2.53-2.58A5.44,5.44,0,0,1,22.45,6m0-2a7.47,7.47,0,0,0-5.34,2.24L16,7.36,14.89,6.24a7.49,7.49,0,0,0-10.68,0,7.72,7.72,0,0,0,0,10.82L16,29,27.79,17.06a7.72,7.72,0,0,0,0-10.82A7.49,7.49,0,0,0,22.45,4Z"></path></svg>
117
+
118
+ <svg class="mr-1 absolute text-red-500 origin-center transform transition ease-in\n\t\t\t\ttranslate-y-10 scale-0" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.5,4c-2,0-3.9,0.8-5.3,2.2L16,7.4l-1.1-1.1C12,3.3,7.2,3.3,4.3,6.2c0,0-0.1,0.1-0.1,0.1c-3,3-3,7.8,0,10.8L16,29l11.8-11.9c3-3,3-7.8,0-10.8C26.4,4.8,24.5,4,22.5,4z"></path></svg>
119
+ like
120
+ </button>
121
+ <button class="flex items-center px-1.5 py-1 border-l text-gray-400 focus:outline-none hover:bg-gray-50 dark:hover:bg-gray-900 dark:focus:bg-gray-800 focus:bg-gray-100 " title="See users who liked this repository">73</button></div>
122
+ </div>
123
+ </h1>
124
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;tagObjs&quot;:[{&quot;id&quot;:&quot;text-generation&quot;,&quot;label&quot;:&quot;Text Generation&quot;,&quot;subType&quot;:&quot;nlp&quot;,&quot;type&quot;:&quot;pipeline_tag&quot;},{&quot;id&quot;:&quot;pytorch&quot;,&quot;label&quot;:&quot;PyTorch&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;transformers&quot;,&quot;label&quot;:&quot;Transformers&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;dataset:bigcode/the-stack&quot;,&quot;label&quot;:&quot;bigcode/the-stack&quot;,&quot;type&quot;:&quot;dataset&quot;,&quot;disabled&quot;:false},{&quot;id&quot;:&quot;code&quot;,&quot;label&quot;:&quot;code&quot;,&quot;type&quot;:&quot;language&quot;},{&quot;id&quot;:&quot;arxiv:1911.02150&quot;,&quot;label&quot;:&quot;arxiv:1911.02150&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2207.14255&quot;,&quot;label&quot;:&quot;arxiv:2207.14255&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2301.03988&quot;,&quot;label&quot;:&quot;arxiv:2301.03988&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;gpt2&quot;,&quot;label&quot;:&quot;gpt2&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;model-index&quot;,&quot;label&quot;:&quot;Eval Results&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;has_space&quot;,&quot;label&quot;:&quot;Has a Space&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;license:openrail&quot;,&quot;label&quot;:&quot;openrail&quot;,&quot;type&quot;:&quot;license&quot;}]}" data-target="ModelHeaderTags"><div class="flex flex-wrap mb-3 md:mb-4"><a class="tag
125
+ tag-white" href="/models?pipeline_tag=text-generation"><div class="tag-ico tag-ico-indigo"><svg class="" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 18 18"><path d="M16.2607 8.08202L14.468 6.28928C14.3063 6.12804 14.0873 6.03749 13.859 6.03749C13.6307 6.03749 13.4117 6.12804 13.25 6.28928L5.6375 13.904V16.9125H8.64607L16.2607 9.30002C16.422 9.13836 16.5125 8.91935 16.5125 8.69102C16.5125 8.4627 16.422 8.24369 16.2607 8.08202V8.08202ZM8.1953 15.825H6.725V14.3547L11.858 9.22118L13.3288 10.6915L8.1953 15.825ZM14.0982 9.92262L12.6279 8.45232L13.8606 7.21964L15.3309 8.68994L14.0982 9.92262Z"></path><path d="M6.18125 9.84373H7.26875V6.03748H8.9V4.94998H4.55V6.03748H6.18125V9.84373Z"></path><path d="M4.55 11.475H2.375V2.775H11.075V4.95H12.1625V2.775C12.1625 2.48658 12.0479 2.20997 11.844 2.00602C11.64 1.80208 11.3634 1.6875 11.075 1.6875H2.375C2.08658 1.6875 1.80997 1.80208 1.60602 2.00602C1.40207 2.20997 1.2875 2.48658 1.2875 2.775V11.475C1.2875 11.7634 1.40207 12.04 1.60602 12.244C1.80997 12.4479 2.08658 12.5625 2.375 12.5625H4.55V11.475Z"></path></svg></div>
126
+ <span>Text Generation</span>
127
+ </a><a class="tag
128
+ tag-white" href="/models?library=pytorch"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><defs><clipPath id="a"><rect x="3.05" y="0.5" width="25.73" height="31" fill="none"></rect></clipPath></defs><g clip-path="url(#a)"><path d="M24.94,9.51a12.81,12.81,0,0,1,0,18.16,12.68,12.68,0,0,1-18,0,12.81,12.81,0,0,1,0-18.16l9-9V5l-.84.83-6,6a9.58,9.58,0,1,0,13.55,0ZM20.44,9a1.68,1.68,0,1,1,1.67-1.67A1.68,1.68,0,0,1,20.44,9Z" fill="#ee4c2c"></path></g></svg>
129
+ <span>PyTorch</span>
130
+ </a><a class="tag
131
+ tag-white" href="/models?library=transformers"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 90 90"><defs><mask id="a" x="31.46" y="42.5" width="26" height="25" maskUnits="userSpaceOnUse"><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#fff"></path></mask></defs><path d="M44.71,77.5A34.75,34.75,0,1,0,10,42.75,34.75,34.75,0,0,0,44.71,77.5Z" fill="#ffd21e"></path><path d="M79.46,42.75A34.75,34.75,0,1,0,44.71,77.5,34.75,34.75,0,0,0,79.46,42.75ZM6,42.75A38.75,38.75,0,1,1,44.71,81.5,38.75,38.75,0,0,1,6,42.75Z" fill="#ff9d0b"></path><path d="M56,33.29c1.28.45,1.78,3.07,3.07,2.39a5,5,0,1,0-6.76-2.07C52.92,34.76,54.86,32.89,56,33.29Z" fill="#3a3b45"></path><path d="M32.45,33.29c-1.28.45-1.79,3.07-3.07,2.39a5,5,0,1,1,6.76-2.07C35.53,34.76,33.58,32.89,32.45,33.29Z" fill="#3a3b45"></path><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#3a3b45"></path><g mask="url(#a)"><path d="M44.71,67.5a8.68,8.68,0,0,0,3-16.81l-.36-.13c-.84-.26-1.73,2.6-2.65,2.6S43,50.28,42.23,50.51a8.68,8.68,0,0,0,2.48,17Z" fill="#f94040"></path></g><path d="M68.21,38A3.25,3.25,0,1,0,65,34.75,3.25,3.25,0,0,0,68.21,38Z" fill="#ff9d0b"></path><path d="M21.71,38a3.25,3.25,0,1,0-3.25-3.25A3.25,3.25,0,0,0,21.71,38Z" fill="#ff9d0b"></path><path d="M15,49A5.22,5.22,0,0,0,11,50.87a5.92,5.92,0,0,0-1.33,3.75,7.28,7.28,0,0,0-1.94-.3A5.3,5.3,0,0,0,3.74,56a5.8,5.8,0,0,0-1.59,4.79A5.58,5.58,0,0,0,2.94,63a5.42,5.42,0,0,0-1.79,2.82,5.88,5.88,0,0,0,.79,4.74c-.08.12-.15.26-.22.39a5.2,5.2,0,0,0-.14,4.63c1,2.32,3.57,4.14,8.52,6.11,3.07,1.21,5.89,2,5.91,2a44.12,44.12,0,0,0,10.93,1.59c5.86,0,10.05-1.79,12.46-5.33C43.28,74.25,42.73,69,37.71,64a27.53,27.53,0,0,1-5-7.77c-.77-2.66-2.83-5.62-6.24-5.62h0a5.07,5.07,0,0,0-.86.07,5.68,5.68,0,0,0-3.73,2.38A13.22,13.22,0,0,0,19,50.28,7.41,7.41,0,0,0,15,49Zm0,4a3.6,3.6,0,0,1,1.82.65C19,55,23.09,62.08,24.6,64.83a2.43,2.43,0,0,0,2.14,1.31c1.55,0,2.75-1.53.15-3.48-3.92-2.93-2.55-7.72-.68-8a1,1,0,0,1,.24,0c1.7,0,2.45,2.93,2.45,2.93a31.55,31.55,0,0,0,6,9.29c3.77,3.77,4,6.8,1.22,10.84-1.88,2.75-5.47,3.58-9.16,3.58A41.51,41.51,0,0,1,17,79.81c-.11,0-13.45-3.8-11.76-7a1.39,1.39,0,0,1,1.34-.76c2.38,0,6.71,3.54,8.57,3.54A.77.77,0,0,0,16,75c.79-2.84-12.06-4-11-8.16a1.31,1.31,0,0,1,1.44-1c3.14,0,10.2,5.53,11.68,5.53a.28.28,0,0,0,.24-.11c.74-1.19.33-2-4.89-5.19S4.6,61,6.68,58.7a1.3,1.3,0,0,1,1-.38c3.17,0,10.66,6.82,10.66,6.82s2,2.1,3.25,2.1a.74.74,0,0,0,.68-.38c.86-1.46-8.06-8.22-8.56-11C13.37,54,14,53,15,53Z" fill="#ff9d0b"></path><path d="M36.1,77.69c2.75-4,2.55-7.07-1.22-10.84a31.55,31.55,0,0,1-6-9.29s-.82-3.21-2.69-2.91-3.24,5.08.68,8-.78,4.92-2.29,2.17S19,55,16.84,53.65s-3.63-.59-3.13,2.2,9.43,9.55,8.56,11-3.93-1.72-3.93-1.72S8.77,56.43,6.68,58.7,8.27,62.87,13.49,66s5.63,4,4.89,5.19S6.1,62.7,5,66.82,16.79,72.14,16,75,6.94,69.6,5.26,72.8s11.65,7,11.76,7C21.33,80.93,32.27,83.3,36.1,77.69Z" fill="#ffd21e"></path><path d="M74.9,49A5.21,5.21,0,0,1,79,50.87a5.92,5.92,0,0,1,1.33,3.75,7.35,7.35,0,0,1,2-.3A5.3,5.3,0,0,1,86.19,56a5.83,5.83,0,0,1,1.59,4.79A5.75,5.75,0,0,1,87,63a5.3,5.3,0,0,1,1.79,2.82A5.88,5.88,0,0,1,88,70.55c.08.12.16.26.23.39a5.26,5.26,0,0,1,.14,4.63c-1,2.32-3.58,4.14-8.52,6.11-3.08,1.21-5.89,2-5.92,2A44.12,44.12,0,0,1,63,85.27c-5.86,0-10-1.79-12.46-5.33C46.64,74.25,47.19,69,52.22,64a27.19,27.19,0,0,0,5-7.77c.78-2.66,2.83-5.62,6.24-5.62h0a4.91,4.91,0,0,1,.86.07,5.7,5.7,0,0,1,3.74,2.38,12.79,12.79,0,0,1,2.87-2.8A7.35,7.35,0,0,1,74.9,49Zm0,4a3.63,3.63,0,0,0-1.82.65C71,55,66.83,62.08,65.32,64.83a2.42,2.42,0,0,1-2.14,1.31c-1.54,0-2.75-1.53-.14-3.48,3.91-2.93,2.54-7.72.67-8a1,1,0,0,0-.24,0c-1.7,0-2.45,2.93-2.45,2.93a31.65,31.65,0,0,1-6,9.29c-3.78,3.77-4,6.8-1.22,10.84,1.87,2.75,5.47,3.58,9.15,3.58a41.61,41.61,0,0,0,9.93-1.46c.1,0,13.45-3.8,11.76-7a1.4,1.4,0,0,0-1.34-.76c-2.38,0-6.71,3.54-8.57,3.54a.76.76,0,0,1-.83-.61c-.8-2.84,12-4,11-8.16a1.31,1.31,0,0,0-1.44-1c-3.14,0-10.2,5.53-11.68,5.53a.25.25,0,0,1-.23-.11c-.74-1.19-.34-2,4.88-5.19S85.32,61,83.24,58.7a1.29,1.29,0,0,0-1-.38c-3.18,0-10.67,6.82-10.67,6.82s-2,2.1-3.24,2.1a.74.74,0,0,1-.68-.38c-.87-1.46,8-8.22,8.55-11C76.55,54,76,53,74.9,53Z" fill="#ff9d0b"></path><path d="M53.83,77.69c-2.75-4-2.56-7.07,1.22-10.84a31.65,31.65,0,0,0,6-9.29s.82-3.21,2.69-2.91,3.24,5.08-.67,8,.78,4.92,2.28,2.17S71,55,73.08,53.65s3.64-.59,3.13,2.2-9.42,9.55-8.55,11,3.92-1.72,3.92-1.72,9.58-8.71,11.66-6.44-1.58,4.17-6.8,7.33-5.63,4-4.89,5.19,12.27-8.52,13.35-4.4-11.76,5.32-11,8.16,9-5.38,10.74-2.18-11.65,7-11.76,7C68.6,80.93,57.65,83.3,53.83,77.69Z" fill="#ffd21e"></path></svg>
132
+ <span>Transformers</span>
133
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
134
+ <button class="
135
+ " type="button">
136
+
137
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
138
+ tag-indigo" href="/models?dataset=dataset:bigcode/the-stack"><svg class="flex-none ml-2 -mr-1 opacity-40" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 25 25"><ellipse cx="12.5" cy="5" fill="currentColor" fill-opacity="0.25" rx="7.5" ry="2"></ellipse><path d="M12.5 15C16.6421 15 20 14.1046 20 13V20C20 21.1046 16.6421 22 12.5 22C8.35786 22 5 21.1046 5 20V13C5 14.1046 8.35786 15 12.5 15Z" fill="currentColor" opacity="0.5"></path><path d="M12.5 7C16.6421 7 20 6.10457 20 5V11.5C20 12.6046 16.6421 13.5 12.5 13.5C8.35786 13.5 5 12.6046 5 11.5V5C5 6.10457 8.35786 7 12.5 7Z" fill="currentColor" opacity="0.5"></path><path d="M5.23628 12C5.08204 12.1598 5 12.8273 5 13C5 14.1046 8.35786 15 12.5 15C16.6421 15 20 14.1046 20 13C20 12.8273 19.918 12.1598 19.7637 12C18.9311 12.8626 15.9947 13.5 12.5 13.5C9.0053 13.5 6.06886 12.8626 5.23628 12Z" fill="currentColor"></path></svg>
139
+ <span>bigcode/the-stack</span>
140
+ </a>
141
+
142
+
143
+ </button>
144
+
145
+
146
+
147
+ </div><a class="tag
148
+ tag-green" href="/models?language=code"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="ml-2 text-green-600/80" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 10 10"><path fill-rule="evenodd" clip-rule="evenodd" d="M0.625 5C0.625 6.16032 1.08594 7.27312 1.90641 8.09359C2.72688 8.91406 3.83968 9.375 5 9.375C6.16032 9.375 7.27312 8.91406 8.09359 8.09359C8.91406 7.27312 9.375 6.16032 9.375 5C9.375 3.83968 8.91406 2.72688 8.09359 1.90641C7.27312 1.08594 6.16032 0.625 5 0.625C3.83968 0.625 2.72688 1.08594 1.90641 1.90641C1.08594 2.72688 0.625 3.83968 0.625 5ZM7.64365 7.48027C7.61734 7.50832 7.59054 7.53598 7.56326 7.56326C7.13828 7.98824 6.61864 8.2968 6.0539 8.46842C6.29802 8.11949 6.49498 7.64804 6.63475 7.09483C7.00845 7.18834 7.35014 7.3187 7.64365 7.48027ZM8.10076 6.87776C8.37677 6.42196 8.55005 5.90894 8.60556 5.37499H6.86808C6.85542 5.71597 6.82551 6.04557 6.77971 6.35841C7.25309 6.47355 7.68808 6.6414 8.062 6.85549C8.07497 6.86283 8.08789 6.87025 8.10076 6.87776ZM6.03795 6.22536C6.07708 5.95737 6.1044 5.67232 6.11705 5.37499H3.88295C3.89666 5.69742 3.92764 6.00542 3.9722 6.29287C4.37075 6.21726 4.79213 6.17749 5.224 6.17749C5.50054 6.17749 5.77294 6.19376 6.03795 6.22536ZM4.1261 7.02673C4.34894 7.84835 4.68681 8.375 5 8.375C5.32122 8.375 5.66839 7.82101 5.8908 6.963C5.67389 6.93928 5.45082 6.92699 5.224 6.92699C4.84316 6.92699 4.47332 6.96176 4.1261 7.02673ZM3.39783 7.21853C3.53498 7.71842 3.72038 8.14579 3.9461 8.46842C3.42141 8.30898 2.93566 8.03132 2.52857 7.65192C2.77253 7.48017 3.06711 7.33382 3.39783 7.21853ZM3.23916 6.48077C3.18263 6.13193 3.14625 5.76074 3.13192 5.37499H1.39444C1.4585 5.99112 1.67936 6.57938 2.03393 7.08403C2.3706 6.83531 2.78055 6.63162 3.23916 6.48077ZM1.39444 4.62499H3.13192C3.14615 4.24204 3.18211 3.87344 3.23794 3.52681C2.77814 3.37545 2.36731 3.17096 2.03024 2.92123C1.67783 3.42469 1.45828 4.011 1.39444 4.62499ZM2.5237 2.35262C2.76812 2.52552 3.06373 2.67281 3.39584 2.78875C3.53318 2.28573 3.71928 1.85578 3.9461 1.53158C3.41932 1.69166 2.93178 1.97089 2.5237 2.35262ZM3.97101 3.71489C3.92709 4.00012 3.89654 4.30547 3.88295 4.62499H6.11705C6.10453 4.33057 6.07761 4.04818 6.03909 3.78248C5.77372 3.81417 5.50093 3.83049 5.224 3.83049C4.79169 3.83049 4.3699 3.79065 3.97101 3.71489ZM5.8928 3.04476C5.67527 3.06863 5.45151 3.08099 5.224 3.08099C4.84241 3.08099 4.47186 3.04609 4.12405 2.98086C4.34686 2.1549 4.68584 1.625 5 1.625C5.32218 1.625 5.67048 2.18233 5.8928 3.04476ZM6.78083 3.6493C6.826 3.95984 6.85552 4.28682 6.86808 4.62499H8.60556C8.55029 4.09337 8.37827 3.58251 8.10436 3.1282C8.0903 3.1364 8.07618 3.14449 8.062 3.15249C7.68838 3.36641 7.25378 3.53417 6.78083 3.6493ZM7.64858 2.52499C7.35446 2.68754 7.0117 2.81868 6.63664 2.91268C6.49676 2.35623 6.29913 1.88209 6.0539 1.53158C6.61864 1.7032 7.13828 2.01176 7.56326 2.43674C7.59224 2.46572 7.62068 2.49514 7.64858 2.52499Z" fill="currentColor"></path></svg>
149
+ <span>code</span>
150
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
151
+ <button class="
152
+ " type="button">
153
+
154
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
155
+ tag-purple" href="/models?other=arxiv:1911.02150">
156
+ <span>arxiv:1911.02150</span>
157
+ </a>
158
+
159
+
160
+ </button>
161
+
162
+
163
+
164
+ </div><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
165
+ <button class="
166
+ " type="button">
167
+
168
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
169
+ tag-purple" href="/models?other=arxiv:2207.14255">
170
+ <span>arxiv:2207.14255</span>
171
+ </a>
172
+
173
+
174
+ </button>
175
+
176
+
177
+
178
+ </div><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
179
+ <button class="
180
+ " type="button">
181
+
182
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
183
+ tag-purple" href="/models?other=arxiv:2301.03988">
184
+ <span>arxiv:2301.03988</span>
185
+ </a>
186
+
187
+
188
+ </button>
189
+
190
+
191
+
192
+ </div><a class="tag
193
+ tag-purple" href="/models?other=gpt2">
194
+ <span>gpt2</span>
195
+ </a><a class="tag
196
+ tag-purple" href="/models?other=model-index"><svg class="ml-2 text-orange-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 30h-8V4h8z" fill="currentColor"></path><path d="M20 30h-8V12h8z" fill="currentColor"></path><path d="M10 30H2V18h8z" fill="currentColor"></path></svg>
197
+ <span>Eval Results</span>
198
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5 w-72">
199
+ <button class="
200
+ " type="button">
201
+
202
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
203
+ tag-white rounded-full" href="/models?license=license:openrail"><svg class="ml-2 text-xs text-gray-900" width="1em" height="1em" viewBox="0 0 10 10" fill="none" xmlns="http://www.w3.org/2000/svg"><path d="M1.46009 5.0945V6.88125C1.46009 7.25201 1.75937 7.55129 2.13012 7.55129C2.50087 7.55129 2.80016 7.25201 2.80016 6.88125V5.0945C2.80016 4.72375 2.50087 4.42446 2.13012 4.42446C1.75937 4.42446 1.46009 4.72375 1.46009 5.0945ZM4.14022 5.0945V6.88125C4.14022 7.25201 4.4395 7.55129 4.81026 7.55129C5.18101 7.55129 5.48029 7.25201 5.48029 6.88125V5.0945C5.48029 4.72375 5.18101 4.42446 4.81026 4.42446C4.4395 4.42446 4.14022 4.72375 4.14022 5.0945ZM1.23674 9.78473H8.38377C8.75452 9.78473 9.0538 9.48545 9.0538 9.1147C9.0538 8.74395 8.75452 8.44466 8.38377 8.44466H1.23674C0.865993 8.44466 0.566711 8.74395 0.566711 9.1147C0.566711 9.48545 0.865993 9.78473 1.23674 9.78473ZM6.82036 5.0945V6.88125C6.82036 7.25201 7.11964 7.55129 7.49039 7.55129C7.86114 7.55129 8.16042 7.25201 8.16042 6.88125V5.0945C8.16042 4.72375 7.86114 4.42446 7.49039 4.42446C7.11964 4.42446 6.82036 4.72375 6.82036 5.0945ZM4.39484 0.623142L0.865993 2.48137C0.682851 2.57517 0.566711 2.76725 0.566711 2.97273C0.566711 3.28094 0.816857 3.53109 1.12507 3.53109H8.49991C8.80365 3.53109 9.0538 3.28094 9.0538 2.97273C9.0538 2.76725 8.93766 2.57517 8.75452 2.48137L5.22568 0.623142C4.9666 0.484669 4.65391 0.484669 4.39484 0.623142V0.623142Z" fill="currentColor"></path></svg>
204
+ <span class="text-gray-400 !pr-0 -mr-1">License: </span>
205
+ <span>openrail</span>
206
+ </a>
207
+
208
+ </button>
209
+
210
+
211
+
212
+ </div></div></div>
213
+ <div class="border-b border-gray-100"><div class="flex flex-col-reverse lg:flex-row lg:items-center lg:justify-between"><div class="flex items-center h-12 -mb-px overflow-x-auto overflow-y-hidden"><a class="tab-alternate " href="/bigcode/santacoder"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
214
+ Model card
215
+
216
+
217
+ </a><a class="tab-alternate active" href="/bigcode/santacoder/tree/main"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M21 19h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-8h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0 4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M9 19a1 1 0 0 1-1-1V6a1 1 0 0 1 2 0v12a1 1 0 0 1-1 1zm-6-4.333a1 1 0 0 1-.64-1.769L3.438 12l-1.078-.898a1 1 0 0 1 1.28-1.538l2 1.667a1 1 0 0 1 0 1.538l-2 1.667a.999.999 0 0 1-.64.231z" fill="currentColor"></path></svg>
218
+ <span class="xl:hidden">Files</span>
219
+ <span class="hidden xl:inline">Files and versions</span>
220
+
221
+
222
+ </a><a class="tab-alternate " href="/bigcode/santacoder/discussions"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M20.6081 3C21.7684 3 22.8053 3.49196 23.5284 4.38415C23.9756 4.93678 24.4428 5.82749 24.4808 7.16133C24.9674 7.01707 25.4353 6.93643 25.8725 6.93643C26.9833 6.93643 27.9865 7.37587 28.696 8.17411C29.6075 9.19872 30.0124 10.4579 29.8361 11.7177C29.7523 12.3177 29.5581 12.8555 29.2678 13.3534C29.8798 13.8646 30.3306 14.5763 30.5485 15.4322C30.719 16.1032 30.8939 17.5006 29.9808 18.9403C30.0389 19.0342 30.0934 19.1319 30.1442 19.2318C30.6932 20.3074 30.7283 21.5229 30.2439 22.6548C29.5093 24.3704 27.6841 25.7219 24.1397 27.1727C21.9347 28.0753 19.9174 28.6523 19.8994 28.6575C16.9842 29.4379 14.3477 29.8345 12.0653 29.8345C7.87017 29.8345 4.8668 28.508 3.13831 25.8921C0.356375 21.6797 0.754104 17.8269 4.35369 14.1131C6.34591 12.058 7.67023 9.02782 7.94613 8.36275C8.50224 6.39343 9.97271 4.20438 12.4172 4.20438H12.4179C12.6236 4.20438 12.8314 4.2214 13.0364 4.25468C14.107 4.42854 15.0428 5.06476 15.7115 6.02205C16.4331 5.09583 17.134 4.359 17.7682 3.94323C18.7242 3.31737 19.6794 3 20.6081 3ZM20.6081 5.95917C20.2427 5.95917 19.7963 6.1197 19.3039 6.44225C17.7754 7.44319 14.8258 12.6772 13.7458 14.7131C13.3839 15.3952 12.7655 15.6837 12.2086 15.6837C11.1036 15.6837 10.2408 14.5497 12.1076 13.1085C14.9146 10.9402 13.9299 7.39584 12.5898 7.1776C12.5311 7.16799 12.4731 7.16355 12.4172 7.16355C11.1989 7.16355 10.6615 9.33114 10.6615 9.33114C10.6615 9.33114 9.0863 13.4148 6.38031 16.206C3.67434 18.998 3.5346 21.2388 5.50675 24.2246C6.85185 26.2606 9.42666 26.8753 12.0653 26.8753C14.8021 26.8753 17.6077 26.2139 19.1799 25.793C19.2574 25.7723 28.8193 22.984 27.6081 20.6107C27.4046 20.212 27.0693 20.0522 26.6471 20.0522C24.9416 20.0522 21.8393 22.6726 20.5057 22.6726C20.2076 22.6726 19.9976 22.5416 19.9116 22.222C19.3433 20.1173 28.552 19.2325 27.7758 16.1839C27.639 15.6445 27.2677 15.4256 26.746 15.4263C24.4923 15.4263 19.4358 19.5181 18.3759 19.5181C18.2949 19.5181 18.2368 19.4937 18.2053 19.4419C17.6743 18.557 17.9653 17.9394 21.7082 15.6009C25.4511 13.2617 28.0783 11.8545 26.5841 10.1752C26.4121 9.98141 26.1684 9.8956 25.8725 9.8956C23.6001 9.89634 18.2311 14.9403 18.2311 14.9403C18.2311 14.9403 16.7821 16.496 15.9057 16.496C15.7043 16.496 15.533 16.4139 15.4169 16.2112C14.7956 15.1296 21.1879 10.1286 21.5484 8.06535C21.7928 6.66715 21.3771 5.95917 20.6081 5.95917Z" fill="#FF9D00"></path><path d="M5.50686 24.2246C3.53472 21.2387 3.67446 18.9979 6.38043 16.206C9.08641 13.4147 10.6615 9.33111 10.6615 9.33111C10.6615 9.33111 11.2499 6.95933 12.59 7.17757C13.93 7.39581 14.9139 10.9401 12.1069 13.1084C9.29997 15.276 12.6659 16.7489 13.7459 14.713C14.8258 12.6772 17.7747 7.44316 19.304 6.44221C20.8326 5.44128 21.9089 6.00204 21.5484 8.06532C21.188 10.1286 14.795 15.1295 15.4171 16.2118C16.0391 17.2934 18.2312 14.9402 18.2312 14.9402C18.2312 14.9402 25.0907 8.49588 26.5842 10.1752C28.0776 11.8545 25.4512 13.2616 21.7082 15.6008C17.9646 17.9393 17.6744 18.557 18.2054 19.4418C18.7372 20.3266 26.9998 13.1351 27.7759 16.1838C28.5513 19.2324 19.3434 20.1173 19.9117 22.2219C20.48 24.3274 26.3979 18.2382 27.6082 20.6107C28.8193 22.9839 19.2574 25.7722 19.18 25.7929C16.0914 26.62 8.24723 28.3726 5.50686 24.2246Z" fill="#FFD21E"></path></svg>
223
+ Community
224
+ <div class="h-4 min-w-[1rem] px-1 rounded bg-black text-xs text-white shadow-sm items-center justify-center leading-none flex ml-1.5">13
225
+ </div>
226
+
227
+ </a>
228
+ </div>
229
+
230
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;model&quot;:{&quot;author&quot;:&quot;bigcode&quot;,&quot;cardData&quot;:{&quot;license&quot;:&quot;openrail&quot;,&quot;datasets&quot;:[&quot;bigcode/the-stack&quot;],&quot;language&quot;:[&quot;code&quot;],&quot;programming_language&quot;:[&quot;Java&quot;,&quot;JavaScript&quot;,&quot;Python&quot;],&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;inference&quot;:false,&quot;widget&quot;:[{&quot;text&quot;:&quot;def print_hello_world():&quot;,&quot;example_title&quot;:&quot;Hello world&quot;,&quot;group&quot;:&quot;Python&quot;}],&quot;model-index&quot;:[{&quot;name&quot;:&quot;SantaCoder&quot;,&quot;results&quot;:[{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.18,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.29,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.49,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.35,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.58,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.77,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.16,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.27,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.47,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Javascript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.51,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.7,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.15,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.26,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.41,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.59,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;loubnabnl/humaneval_infilling&quot;,&quot;name&quot;:&quot;HumanEval FIM (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.62,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.6,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;code_x_glue_ct_code_to_text&quot;,&quot;name&quot;:&quot;CodeXGLUE code-to-text (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;BLEU&quot;,&quot;type&quot;:&quot;bleu&quot;,&quot;value&quot;:18.13,&quot;verified&quot;:false}]}]}]},&quot;cardExists&quot;:true,&quot;config&quot;:{&quot;architectures&quot;:[&quot;GPT2LMHeadCustomModel&quot;],&quot;model_type&quot;:&quot;gpt2&quot;},&quot;discussionsDisabled&quot;:false,&quot;id&quot;:&quot;bigcode/santacoder&quot;,&quot;isLikedByUser&quot;:false,&quot;inference&quot;:false,&quot;lastModified&quot;:&quot;2023-01-17T22:06:49.000Z&quot;,&quot;likes&quot;:73,&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;library_name&quot;:&quot;transformers&quot;,&quot;model-index&quot;:[{&quot;name&quot;:&quot;SantaCoder&quot;,&quot;results&quot;:[{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.18,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.29,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.49,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.35,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.58,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.77,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.16,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.27,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.47,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Javascript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.51,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.7,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.15,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.26,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.41,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.59,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;loubnabnl/humaneval_infilling&quot;,&quot;name&quot;:&quot;HumanEval FIM (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.62,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.6,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;code_x_glue_ct_code_to_text&quot;,&quot;name&quot;:&quot;CodeXGLUE code-to-text (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;BLEU&quot;,&quot;type&quot;:&quot;bleu&quot;,&quot;value&quot;:18.13,&quot;verified&quot;:false}]}]}],&quot;private&quot;:false,&quot;gated&quot;:false,&quot;pwcLink&quot;:{&quot;url&quot;:&quot;https://paperswithcode.com/sota?task=text-generation&amp;dataset=MultiPL+HumanEval+%28Python%29&quot;},&quot;tags&quot;:[&quot;pytorch&quot;,&quot;gpt2&quot;,&quot;text-generation&quot;,&quot;code&quot;,&quot;dataset:bigcode/the-stack&quot;,&quot;arxiv:1911.02150&quot;,&quot;arxiv:2207.14255&quot;,&quot;arxiv:2301.03988&quot;,&quot;transformers&quot;,&quot;license:openrail&quot;,&quot;model-index&quot;,&quot;has_space&quot;],&quot;tag_objs&quot;:[{&quot;id&quot;:&quot;text-generation&quot;,&quot;label&quot;:&quot;Text Generation&quot;,&quot;subType&quot;:&quot;nlp&quot;,&quot;type&quot;:&quot;pipeline_tag&quot;},{&quot;id&quot;:&quot;pytorch&quot;,&quot;label&quot;:&quot;PyTorch&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;transformers&quot;,&quot;label&quot;:&quot;Transformers&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;dataset:bigcode/the-stack&quot;,&quot;label&quot;:&quot;bigcode/the-stack&quot;,&quot;type&quot;:&quot;dataset&quot;,&quot;disabled&quot;:false},{&quot;id&quot;:&quot;code&quot;,&quot;label&quot;:&quot;code&quot;,&quot;type&quot;:&quot;language&quot;},{&quot;id&quot;:&quot;arxiv:1911.02150&quot;,&quot;label&quot;:&quot;arxiv:1911.02150&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2207.14255&quot;,&quot;label&quot;:&quot;arxiv:2207.14255&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2301.03988&quot;,&quot;label&quot;:&quot;arxiv:2301.03988&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;gpt2&quot;,&quot;label&quot;:&quot;gpt2&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;model-index&quot;,&quot;label&quot;:&quot;Eval Results&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;has_space&quot;,&quot;label&quot;:&quot;Has a Space&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;license:openrail&quot;,&quot;label&quot;:&quot;openrail&quot;,&quot;type&quot;:&quot;license&quot;}],&quot;hasHandlerPy&quot;:false,&quot;transformersInfo&quot;:{&quot;auto_model&quot;:&quot;AutoModelWithLMHead&quot;,&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;processor&quot;:&quot;AutoTokenizer&quot;},&quot;widgetData&quot;:[{&quot;text&quot;:&quot;def print_hello_world():&quot;,&quot;example_title&quot;:&quot;Hello world&quot;,&quot;group&quot;:&quot;Python&quot;}]},&quot;canWrite&quot;:false}" data-target="ModelHeaderActions">
231
+
232
+
233
+ <div class="relative mb-1.5 flex flex-wrap sm:flex-nowrap lg:mb-0 gap-1.5"><div class="order-last sm:order-first"><div class="relative ">
234
+ <button class="btn px-1.5 py-1.5
235
+ " type="button">
236
+
237
+ <svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="p-0.5" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><circle cx="16" cy="7" r="3" fill="currentColor"></circle><circle cx="16" cy="16" r="3" fill="currentColor"></circle><circle cx="16" cy="25" r="3" fill="currentColor"></circle></svg>
238
+
239
+ </button>
240
+
241
+
242
+
243
+ </div>
244
+
245
+
246
+
247
+ </div>
248
+
249
+ <div class="flex-none w-full sm:w-auto"><div class="relative ">
250
+ <button class="text-sm btn
251
+ cursor-pointer w-full btn text-sm" type="button">
252
+ <svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12.1 2a9.8 9.8 0 0 0-5.4 1.6l6.4 6.4a2.1 2.1 0 0 1 .2 3a2.1 2.1 0 0 1-3-.2L3.7 6.4A9.84 9.84 0 0 0 2 12.1a10.14 10.14 0 0 0 10.1 10.1a10.9 10.9 0 0 0 2.6-.3l6.7 6.7a5 5 0 0 0 7.1-7.1l-6.7-6.7a10.9 10.9 0 0 0 .3-2.6A10 10 0 0 0 12.1 2zm8 10.1a7.61 7.61 0 0 1-.3 2.1l-.3 1.1l.8.8l6.7 6.7a2.88 2.88 0 0 1 .9 2.1A2.72 2.72 0 0 1 27 27a2.9 2.9 0 0 1-4.2 0l-6.7-6.7l-.8-.8l-1.1.3a7.61 7.61 0 0 1-2.1.3a8.27 8.27 0 0 1-5.7-2.3A7.63 7.63 0 0 1 4 12.1a8.33 8.33 0 0 1 .3-2.2l4.4 4.4a4.14 4.14 0 0 0 5.9.2a4.14 4.14 0 0 0-.2-5.9L10 4.2a6.45 6.45 0 0 1 2-.3a8.27 8.27 0 0 1 5.7 2.3a8.49 8.49 0 0 1 2.4 5.9z" fill="currentColor"></path></svg>
253
+ Train
254
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
255
+
256
+
257
+
258
+ </div>
259
+ </div>
260
+ <div class="flex-none w-full sm:w-auto"><div class="relative ">
261
+ <button class="text-sm btn
262
+ cursor-pointer w-full btn text-sm" type="button">
263
+ <svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><rect x="6.34" y="19" width="11.31" height="2" transform="translate(-10.63 14.34) rotate(-45)"></rect><path d="M17,30a1,1,0,0,1-.37-.07,1,1,0,0,1-.62-.79l-1-7,2-.28.75,5.27L21,24.52V17a1,1,0,0,1,.29-.71l4.07-4.07A8.94,8.94,0,0,0,28,5.86V4H26.14a8.94,8.94,0,0,0-6.36,2.64l-4.07,4.07A1,1,0,0,1,15,11H7.48L4.87,14.26l5.27.75-.28,2-7-1a1,1,0,0,1-.79-.62,1,1,0,0,1,.15-1l4-5A1,1,0,0,1,7,9h7.59l3.77-3.78A10.92,10.92,0,0,1,26.14,2H28a2,2,0,0,1,2,2V5.86a10.92,10.92,0,0,1-3.22,7.78L23,17.41V25a1,1,0,0,1-.38.78l-5,4A1,1,0,0,1,17,30Z"></path></svg>
264
+ Deploy
265
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
266
+
267
+
268
+
269
+ </div>
270
+ </div>
271
+ <div class="flex-auto sm:flex-none"><button class="cursor-pointer w-full
272
+
273
+ btn
274
+ text-sm" type="button" ><svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
275
+ Use in Transformers</button>
276
+ </div></div></div>
277
+ </div></div></div></header>
278
+
279
+ <div class="container relative flex flex-col md:grid md:space-y-0 w-full
280
+ md:grid-cols-12
281
+
282
+ space-y-4
283
+ md:gap-6
284
+ mb-16
285
+ "><section class="pt-8 border-gray-100 col-span-full"><header class="pb-2 flex items-center flex-wrap lg:flex-nowrap justify-start md:justify-end"><div class="flex flex-wrap items-center md:flex-grow mr-4 lg:flex-nowrap min-w-0 basis-auto md:basis-full lg:basis-auto"><div class="SVELTE_HYDRATER contents" data-props="{&quot;path&quot;:&quot;special_tokens_map.json&quot;,&quot;repoName&quot;:&quot;bigcode/santacoder&quot;,&quot;repoType&quot;:&quot;model&quot;,&quot;rev&quot;:&quot;main&quot;,&quot;refs&quot;:{&quot;branches&quot;:[{&quot;name&quot;:&quot;main&quot;,&quot;ref&quot;:&quot;refs/heads/main&quot;,&quot;targetCommit&quot;:&quot;3482bf48b7f24453cecabedc6261cca67c45f8a6&quot;},{&quot;name&quot;:&quot;bf16&quot;,&quot;ref&quot;:&quot;refs/heads/bf16&quot;,&quot;targetCommit&quot;:&quot;21002cdb1994d7a91581d4764a3263d5591f9b15&quot;},{&quot;name&quot;:&quot;comments&quot;,&quot;ref&quot;:&quot;refs/heads/comments&quot;,&quot;targetCommit&quot;:&quot;40c1e652a71a6444ab9302c35a6897c4ba3388d7&quot;},{&quot;name&quot;:&quot;dedup-alt&quot;,&quot;ref&quot;:&quot;refs/heads/dedup-alt&quot;,&quot;targetCommit&quot;:&quot;577ea39965d7c7a6a7a8492181ea52ce12cd5b7a&quot;},{&quot;name&quot;:&quot;dedup-alt-comments&quot;,&quot;ref&quot;:&quot;refs/heads/dedup-alt-comments&quot;,&quot;targetCommit&quot;:&quot;080e3b87d19ace8aa4f72c30e5458cab820644dc&quot;},{&quot;name&quot;:&quot;fertility&quot;,&quot;ref&quot;:&quot;refs/heads/fertility&quot;,&quot;targetCommit&quot;:&quot;ed725aa4a2f9871d370dfd96fc108db3fde4a84e&quot;},{&quot;name&quot;:&quot;fim&quot;,&quot;ref&quot;:&quot;refs/heads/fim&quot;,&quot;targetCommit&quot;:&quot;60a5975aef0766b02c6e473304a96329bff17221&quot;},{&quot;name&quot;:&quot;mha&quot;,&quot;ref&quot;:&quot;refs/heads/mha&quot;,&quot;targetCommit&quot;:&quot;3989eb0c659ff9992e0e5585c1360aaaf8fcf77f&quot;},{&quot;name&quot;:&quot;no-fim&quot;,&quot;ref&quot;:&quot;refs/heads/no-fim&quot;,&quot;targetCommit&quot;:&quot;83415b98df848a16c00a7a88f974b644899ef871&quot;},{&quot;name&quot;:&quot;stars&quot;,&quot;ref&quot;:&quot;refs/heads/stars&quot;,&quot;targetCommit&quot;:&quot;d33d4e0258e3bc5f7b5d59be493d158778364655&quot;}],&quot;tags&quot;:[],&quot;converts&quot;:[]},&quot;view&quot;:&quot;blob&quot;}" data-target="BranchSelector"><div class="relative mr-4 mb-2">
286
+ <button class="text-sm md:text-base
287
+ cursor-pointer w-full btn text-sm" type="button">
288
+ <svg class="mr-1.5 text-gray-700 dark:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M13 14c-3.36 0-4.46 1.35-4.82 2.24C9.25 16.7 10 17.76 10 19a3 3 0 0 1-3 3a3 3 0 0 1-3-3c0-1.31.83-2.42 2-2.83V7.83A2.99 2.99 0 0 1 4 5a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.31-.83 2.42-2 2.83v5.29c.88-.65 2.16-1.12 4-1.12c2.67 0 3.56-1.34 3.85-2.23A3.006 3.006 0 0 1 14 7a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.34-.88 2.5-2.09 2.86C17.65 11.29 16.68 14 13 14m-6 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1M7 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1m10 2a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1z" fill="currentColor"></path></svg>
289
+ main
290
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
291
+
292
+
293
+
294
+ </div></div>
295
+ <div class="flex items-center overflow-hidden mb-2"><a class="hover:underline text-gray-800 truncate" href="/bigcode/santacoder/tree/main">santacoder</a>
296
+ <span class="text-gray-300 mx-1">/</span>
297
+ <span class="dark:text-gray-300">special_tokens_map.json</span></div></div>
298
+
299
+
300
+ </header>
301
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;commitLast&quot;:{&quot;date&quot;:&quot;2022-12-05T08:43:56.000Z&quot;,&quot;subject&quot;:&quot;Upload tokenizer&quot;,&quot;authors&quot;:[{&quot;_id&quot;:&quot;5e48005437cb5b49818287a5&quot;,&quot;avatar&quot;:&quot;https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1627890220261-5e48005437cb5b49818287a5.png?w=200&amp;h=200&amp;f=face&quot;,&quot;isHf&quot;:true,&quot;user&quot;:&quot;lvwerra&quot;}],&quot;commit&quot;:{&quot;id&quot;:&quot;ebb180e34c43d1a6a4004e7743fe6f422ee14f91&quot;,&quot;parentIds&quot;:[&quot;094f6ad6ef93b144cf51839083d85e36894d17b7&quot;]},&quot;title&quot;:&quot;Upload tokenizer&quot;},&quot;repo&quot;:{&quot;name&quot;:&quot;bigcode/santacoder&quot;,&quot;type&quot;:&quot;model&quot;}}" data-target="LastCommit"><div class="border border-b-0 dark:border-gray-800 px-3 py-2 flex items-baseline rounded-t-lg bg-gradient-to-t from-gray-100-to-white"><img class="w-4 h-4 rounded-full mt-0.5 mr-2.5 self-center" alt="lvwerra's picture" src="https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1627890220261-5e48005437cb5b49818287a5.png?w=200&amp;h=200&amp;f=face">
302
+ <div class="mr-5 truncate flex items-center flex-none"><a class="hover:underline" href="/lvwerra">lvwerra
303
+ </a>
304
+ <div class="mt-0.5 ml-1.5 bg-yellow-50 dark:bg-yellow-800 px-1 uppercase text-xs font-semibold text-yellow-500 dark:text-yellow-400 border border-yellow-200 rounded" title="member of the Hugging Face team">HF staff
305
+ </div>
306
+ </div>
307
+ <div class="mr-4 font-mono text-sm text-gray-500 truncate hover:prose-a:underline">Upload tokenizer</div>
308
+ <a class="text-sm border dark:border-gray-800 px-1.5 rounded bg-gray-50 dark:bg-gray-900 hover:underline" href="/bigcode/santacoder/commit/ebb180e34c43d1a6a4004e7743fe6f422ee14f91">ebb180e</a>
309
+
310
+ <time class="ml-auto hidden lg:block text-gray-500 dark:text-gray-400 truncate flex-none pl-2" datetime="2022-12-05T08:43:56" title="Mon, 05 Dec 2022 08:43:56 GMT">about 2 months ago</time></div></div>
311
+ <div class="flex flex-wrap items-center px-3 py-1.5 border dark:border-gray-800 text-sm text-gray-800 dark:bg-gray-900">
312
+ <a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/raw/main/special_tokens_map.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
313
+ raw
314
+ </a><a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/commits/main/special_tokens_map.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M16 4C9.383 4 4 9.383 4 16s5.383 12 12 12s12-5.383 12-12S22.617 4 16 4zm0 2c5.535 0 10 4.465 10 10s-4.465 10-10 10S6 21.535 6 16S10.465 6 16 6zm-1 2v9h7v-2h-5V8z" fill="currentColor"></path></svg>
315
+ history
316
+ </a><a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/blame/main/special_tokens_map.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M16 2a14 14 0 1 0 14 14A14 14 0 0 0 16 2zm0 26a12 12 0 1 1 12-12a12 12 0 0 1-12 12z" fill="currentColor"></path><path d="M11.5 11a2.5 2.5 0 1 0 2.5 2.5a2.48 2.48 0 0 0-2.5-2.5z" fill="currentColor"></path><path d="M20.5 11a2.5 2.5 0 1 0 2.5 2.5a2.48 2.48 0 0 0-2.5-2.5z" fill="currentColor"></path></svg>
317
+ blame
318
+ </a><a class="flex items-center hover:underline my-1 mr-4 text-green-600 dark:text-gray-300" href="/bigcode/santacoder/edit/main/special_tokens_map.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M2 26h28v2H2z" fill="currentColor"></path><path d="M25.4 9c.8-.8.8-2 0-2.8l-3.6-3.6c-.8-.8-2-.8-2.8 0l-15 15V24h6.4l15-15zm-5-5L24 7.6l-3 3L17.4 7l3-3zM6 22v-3.6l10-10l3.6 3.6l-10 10H6z" fill="currentColor"></path></svg>
319
+ contribute
320
+ </a><a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/delete/main/special_tokens_map.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12 12h2v12h-2z" fill="currentColor"></path><path d="M18 12h2v12h-2z" fill="currentColor"></path><path d="M4 6v2h2v20a2 2 0 0 0 2 2h16a2 2 0 0 0 2-2V8h2V6zm4 22V8h16v20z" fill="currentColor"></path><path d="M12 2h8v2h-8z" fill="currentColor"></path></svg>
321
+ delete
322
+ </a>
323
+ <div class="text-gray-400 flex items-center mr-4"><svg class="text-gray-300 text-sm mr-1.5 -translate-y-px" width="1em" height="1em" viewBox="0 0 22 28" fill="none" xmlns="http://www.w3.org/2000/svg"><path fill-rule="evenodd" clip-rule="evenodd" d="M15.3634 10.3639C15.8486 10.8491 15.8486 11.6357 15.3634 12.1209L10.9292 16.5551C10.6058 16.8785 10.0814 16.8785 9.7579 16.5551L7.03051 13.8277C6.54532 13.3425 6.54532 12.5558 7.03051 12.0707C7.51569 11.5855 8.30234 11.5855 8.78752 12.0707L9.7579 13.041C10.0814 13.3645 10.6058 13.3645 10.9292 13.041L13.6064 10.3639C14.0916 9.8787 14.8782 9.8787 15.3634 10.3639Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M10.6666 27.12C4.93329 25.28 0 19.2267 0 12.7867V6.52001C0 5.40001 0.693334 4.41334 1.73333 4.01334L9.73333 1.01334C10.3333 0.786673 11 0.786673 11.6 1.02667L19.6 4.02667C20.1083 4.21658 20.5465 4.55701 20.8562 5.00252C21.1659 5.44803 21.3324 5.97742 21.3333 6.52001V12.7867C21.3333 19.24 16.4 25.28 10.6666 27.12Z" fill="currentColor" fill-opacity="0.22"></path><path d="M10.0845 1.94967L10.0867 1.94881C10.4587 1.8083 10.8666 1.81036 11.2286 1.95515L11.2387 1.95919L11.2489 1.963L19.2489 4.963L19.25 4.96342C19.5677 5.08211 19.8416 5.29488 20.0351 5.57333C20.2285 5.85151 20.3326 6.18203 20.3333 6.52082C20.3333 6.52113 20.3333 6.52144 20.3333 6.52176L20.3333 12.7867C20.3333 18.6535 15.8922 24.2319 10.6666 26.0652C5.44153 24.2316 1 18.6409 1 12.7867V6.52001C1 5.82357 1.42893 5.20343 2.08883 4.94803L10.0845 1.94967Z" stroke="currentColor" stroke-opacity="0.30" stroke-width="2"></path></svg>
324
+
325
+ No virus
326
+ </div>
327
+
328
+ <div class="dark:text-gray-300 sm:ml-auto">3 Bytes</div></div>
329
+
330
+ <div class="border border-t-0 rounded-b-lg dark:bg-gray-925 dark:border-gray-800 leading-tight"><div class="py-3"><div class="SVELTE_HYDRATER contents" data-props="{&quot;lines&quot;:[&quot;{}&quot;,&quot;&quot;]}" data-target="BlobContent">
331
+
332
+ <div class="relative text-sm"><div class="overflow-x-auto"><table class="border-collapse font-mono"><tbody><tr class="" id="L1">
333
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="1"></td>
334
+ <td class="px-3 overflow-visible whitespace-pre">{}</td>
335
+ </tr><tr class="" id="L2">
336
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="2"></td>
337
+ <td class="px-3 overflow-visible whitespace-pre">
338
+ </td>
339
+ </tr></tbody></table></div>
340
+ </div></div></div></div></section></div></main>
341
+ </div>
342
+
343
+ <script>
344
+ import("/front/build/index.84db37849.js");
345
+ window.moonSha = ".84db37849";
346
+ </script>
347
+
348
+ <script>
349
+ if (
350
+ !(
351
+ ["localhost", "huggingface.test"].includes(
352
+ window.location.hostname
353
+ ) || window.location.hostname.includes("ngrok.io")
354
+ )
355
+ ) {
356
+ (function (i, s, o, g, r, a, m) {
357
+ i["GoogleAnalyticsObject"] = r;
358
+ (i[r] =
359
+ i[r] ||
360
+ function () {
361
+ (i[r].q = i[r].q || []).push(arguments);
362
+ }),
363
+ (i[r].l = 1 * new Date());
364
+ (a = s.createElement(o)), (m = s.getElementsByTagName(o)[0]);
365
+ a.async = 1;
366
+ a.src = g;
367
+ m.parentNode.insertBefore(a, m);
368
+ })(
369
+ window,
370
+ document,
371
+ "script",
372
+ "https://www.google-analytics.com/analytics.js",
373
+ "ganalytics"
374
+ );
375
+ ganalytics("create", "UA-83738774-2", "auto");
376
+ ganalytics("send", "pageview");
377
+ }
378
+ </script>
379
+ </body>
380
+ </html>
tokenizer.json ADDED
@@ -0,0 +1,366 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <!DOCTYPE html>
2
+ <html class="">
3
+ <head>
4
+ <meta charset="utf-8" />
5
+ <meta name="viewport" content="width=device-width, initial-scale=1.0, user-scalable=no" />
6
+ <meta name="description" content="We’re on a journey to advance and democratize artificial intelligence through open source and open science." />
7
+ <meta property="fb:app_id" content="1321688464574422" />
8
+ <meta name="twitter:card" content="summary_large_image" />
9
+ <meta name="twitter:site" content="@huggingface" />
10
+ <meta property="og:title" content="tokenizer.json · bigcode/santacoder at main" />
11
+ <meta property="og:type" content="website" />
12
+ <meta property="og:url" content="https://huggingface.co/bigcode/santacoder/blob/main/tokenizer.json" />
13
+ <meta property="og:image" content="https://thumbnails.huggingface.co/social-thumbnails/models/bigcode/santacoder.png" />
14
+
15
+ <link rel="stylesheet" href="/front/build/style.84db37849.css" />
16
+
17
+ <link rel="preconnect" href="https://fonts.gstatic.com" />
18
+ <link
19
+ href="https://fonts.googleapis.com/css2?family=Source+Sans+Pro:ital,wght@0,200;0,300;0,400;0,600;0,700;0,900;1,200;1,300;1,400;1,600;1,700;1,900&display=swap"
20
+ rel="stylesheet"
21
+ />
22
+ <link
23
+ href="https://fonts.googleapis.com/css2?family=IBM+Plex+Mono:wght@400;600;700&display=swap"
24
+ rel="stylesheet"
25
+ />
26
+ <link rel="stylesheet" href="https://cdn.jsdelivr.net/npm/[email protected]/dist/katex.min.css" />
27
+
28
+
29
+
30
+ <title>tokenizer.json · bigcode/santacoder at main</title>
31
+ </head>
32
+ <body class="flex flex-col min-h-screen bg-white dark:bg-gray-950 text-black ViewerBlobPage">
33
+ <div class="flex flex-col min-h-screen "><div class="SVELTE_HYDRATER contents" data-props="{&quot;hfCloudName&quot;:&quot;private&quot;,&quot;isAuth&quot;:false,&quot;isHfCloud&quot;:false,&quot;isWide&quot;:false}" data-target="MainHeader"><header class="border-b border-gray-100"><div class="w-full px-4 lg:px-6 xl:container flex items-center h-16"><div class="flex flex-1 items-center"><a class="flex flex-none items-center mr-5 lg:mr-6" href="/"><img alt="Hugging Face's logo" class="md:mr-2 w-7" src="/front/assets/huggingface_logo-noborder.svg">
34
+ <span class="hidden text-lg font-bold whitespace-nowrap md:block">Hugging Face</span></a>
35
+
36
+ <div class="relative flex-1 lg:max-w-sm mr-2 sm:mr-4 lg:mr-6"><input autocomplete="off" class="w-full dark:bg-gray-950 pl-8
37
+ form-input-alt h-9 pr-3 focus:shadow-xl" name="" placeholder="Search models, datasets, users..." spellcheck="false" type="text">
38
+ <svg class="absolute left-2.5 text-gray-400 top-1/2 transform -translate-y-1/2" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 28.59L22.45 21A11 11 0 1 0 21 22.45L28.59 30zM5 14a9 9 0 1 1 9 9a9 9 0 0 1-9-9z" fill="currentColor"></path></svg>
39
+ </div>
40
+ <button class="lg:hidden relative flex-none place-self-stretch flex items-center justify-center w-8" type="button"><svg width="1em" height="1em" viewBox="0 0 10 10" class="text-xl" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" fill="currentColor"><path fill-rule="evenodd" clip-rule="evenodd" d="M1.65039 2.9999C1.65039 2.8066 1.80709 2.6499 2.00039 2.6499H8.00039C8.19369 2.6499 8.35039 2.8066 8.35039 2.9999C8.35039 3.1932 8.19369 3.3499 8.00039 3.3499H2.00039C1.80709 3.3499 1.65039 3.1932 1.65039 2.9999ZM1.65039 4.9999C1.65039 4.8066 1.80709 4.6499 2.00039 4.6499H8.00039C8.19369 4.6499 8.35039 4.8066 8.35039 4.9999C8.35039 5.1932 8.19369 5.3499 8.00039 5.3499H2.00039C1.80709 5.3499 1.65039 5.1932 1.65039 4.9999ZM2.00039 6.6499C1.80709 6.6499 1.65039 6.8066 1.65039 6.9999C1.65039 7.1932 1.80709 7.3499 2.00039 7.3499H8.00039C8.19369 7.3499 8.35039 7.1932 8.35039 6.9999C8.35039 6.8066 8.19369 6.6499 8.00039 6.6499H2.00039Z"></path></svg>
41
+ </button>
42
+
43
+ </div>
44
+ <nav aria-label="Main" class="ml-auto hidden lg:block"><ul class="flex items-center space-x-2"><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-indigo-700" href="/models"><svg class="mr-1.5 text-gray-400 group-hover:text-indigo-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
45
+ Models</a>
46
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-red-700" href="/datasets"><svg class="mr-1.5 text-gray-400 group-hover:text-red-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 25 25"><ellipse cx="12.5" cy="5" fill="currentColor" fill-opacity="0.25" rx="7.5" ry="2"></ellipse><path d="M12.5 15C16.6421 15 20 14.1046 20 13V20C20 21.1046 16.6421 22 12.5 22C8.35786 22 5 21.1046 5 20V13C5 14.1046 8.35786 15 12.5 15Z" fill="currentColor" opacity="0.5"></path><path d="M12.5 7C16.6421 7 20 6.10457 20 5V11.5C20 12.6046 16.6421 13.5 12.5 13.5C8.35786 13.5 5 12.6046 5 11.5V5C5 6.10457 8.35786 7 12.5 7Z" fill="currentColor" opacity="0.5"></path><path d="M5.23628 12C5.08204 12.1598 5 12.8273 5 13C5 14.1046 8.35786 15 12.5 15C16.6421 15 20 14.1046 20 13C20 12.8273 19.918 12.1598 19.7637 12C18.9311 12.8626 15.9947 13.5 12.5 13.5C9.0053 13.5 6.06886 12.8626 5.23628 12Z" fill="currentColor"></path></svg>
47
+ Datasets</a>
48
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-blue-700" href="/spaces"><svg class="mr-1.5 text-gray-400 group-hover:text-blue-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 25 25"><path opacity=".5" d="M6.016 14.674v4.31h4.31v-4.31h-4.31ZM14.674 14.674v4.31h4.31v-4.31h-4.31ZM6.016 6.016v4.31h4.31v-4.31h-4.31Z" fill="currentColor"></path><path opacity=".75" fill-rule="evenodd" clip-rule="evenodd" d="M3 4.914C3 3.857 3.857 3 4.914 3h6.514c.884 0 1.628.6 1.848 1.414a5.171 5.171 0 0 1 7.31 7.31c.815.22 1.414.964 1.414 1.848v6.514A1.914 1.914 0 0 1 20.086 22H4.914A1.914 1.914 0 0 1 3 20.086V4.914Zm3.016 1.102v4.31h4.31v-4.31h-4.31Zm0 12.968v-4.31h4.31v4.31h-4.31Zm8.658 0v-4.31h4.31v4.31h-4.31Zm0-10.813a2.155 2.155 0 1 1 4.31 0 2.155 2.155 0 0 1-4.31 0Z" fill="currentColor"></path><path opacity=".25" d="M16.829 6.016a2.155 2.155 0 1 0 0 4.31 2.155 2.155 0 0 0 0-4.31Z" fill="currentColor"></path></svg>
49
+ Spaces</a>
50
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-yellow-700" href="/docs"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="mr-1.5 text-gray-400 group-hover:text-yellow-500" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path opacity="0.5" d="M20.9022 5.10334L10.8012 10.8791L7.76318 9.11193C8.07741 8.56791 8.5256 8.11332 9.06512 7.7914L15.9336 3.73907C17.0868 3.08811 18.5002 3.26422 19.6534 3.91519L19.3859 3.73911C19.9253 4.06087 20.5879 4.56025 20.9022 5.10334Z" fill="currentColor"></path><path d="M10.7999 10.8792V28.5483C10.2136 28.5475 9.63494 28.4139 9.10745 28.1578C8.5429 27.8312 8.074 27.3621 7.74761 26.7975C7.42122 26.2327 7.24878 25.5923 7.24756 24.9402V10.9908C7.25062 10.3319 7.42358 9.68487 7.74973 9.1123L10.7999 10.8792Z" fill="currentColor" fill-opacity="0.75"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M21.3368 10.8499V6.918C21.3331 6.25959 21.16 5.61234 20.8346 5.03949L10.7971 10.8727L10.8046 10.874L21.3368 10.8499Z" fill="currentColor"></path><path opacity="0.5" d="M21.7937 10.8488L10.7825 10.8741V28.5486L21.7937 28.5234C23.3344 28.5234 24.5835 27.2743 24.5835 25.7335V13.6387C24.5835 12.0979 23.4365 11.1233 21.7937 10.8488Z" fill="currentColor"></path></svg>
51
+ Docs</a>
52
+ </li>
53
+ <li><div class="relative ">
54
+ <button class="px-2 py-0.5 group hover:text-green-700 dark:hover:text-gray-400 flex items-center
55
+ " type="button">
56
+ <svg class="mr-1.5 text-gray-400 group-hover:text-green-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M19 6H5a3 3 0 0 0-3 3v2.72L8.837 14h6.326L22 11.72V9a3 3 0 0 0-3-3z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M10 6V5h4v1h2V5a2.002 2.002 0 0 0-2-2h-4a2.002 2.002 0 0 0-2 2v1h2zm-1.163 8L2 11.72V18a3.003 3.003 0 0 0 3 3h14a3.003 3.003 0 0 0 3-3v-6.28L15.163 14H8.837z" fill="currentColor"></path></svg>
57
+ Solutions
58
+ </button>
59
+
60
+
61
+
62
+ </div></li>
63
+
64
+ <li><a class="flex items-center group px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-400" href="/pricing" data-ga-category="header-menu" data-ga-action="clicked pricing" data-ga-label="pricing">Pricing
65
+ </a></li>
66
+
67
+ <li><div class="relative group">
68
+ <button class="px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-600 flex items-center
69
+ " type="button">
70
+ <svg class="mr-1.5 text-gray-500 w-5 group-hover:text-gray-400 dark:text-gray-300 dark:group-hover:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 32 18" preserveAspectRatio="xMidYMid meet"><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 3.30221C14.4504 2.836 14.8284 2.45807 15.2946 2.45807H28.4933C28.9595 2.45807 29.3374 2.836 29.3374 3.30221C29.3374 3.76842 28.9595 4.14635 28.4933 4.14635H15.2946C14.8284 4.14635 14.4504 3.76842 14.4504 3.30221Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 9.00002C14.4504 8.53382 14.8284 8.15588 15.2946 8.15588H28.4933C28.9595 8.15588 29.3374 8.53382 29.3374 9.00002C29.3374 9.46623 28.9595 9.84417 28.4933 9.84417H15.2946C14.8284 9.84417 14.4504 9.46623 14.4504 9.00002Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 14.6978C14.4504 14.2316 14.8284 13.8537 15.2946 13.8537H28.4933C28.9595 13.8537 29.3374 14.2316 29.3374 14.6978C29.3374 15.164 28.9595 15.542 28.4933 15.542H15.2946C14.8284 15.542 14.4504 15.164 14.4504 14.6978Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M1.94549 6.87377C2.27514 6.54411 2.80962 6.54411 3.13928 6.87377L6.23458 9.96907L9.32988 6.87377C9.65954 6.54411 10.194 6.54411 10.5237 6.87377C10.8533 7.20343 10.8533 7.73791 10.5237 8.06756L6.23458 12.3567L1.94549 8.06756C1.61583 7.73791 1.61583 7.20343 1.94549 6.87377Z" fill="currentColor"></path></svg>
71
+
72
+ </button>
73
+
74
+
75
+
76
+ </div></li>
77
+ <li><hr class="w-0.5 h-5 border-none bg-gray-100 dark:bg-gray-800"></li>
78
+
79
+ <li><a class="px-2 py-0.5 block cursor-pointer hover:text-gray-500 dark:hover:text-gray-400" href="/login">Log In
80
+ </a></li>
81
+ <li><a class="ml-2 btn" href="/join">Sign Up </a></li></ul></nav></div></header></div>
82
+
83
+
84
+ <main class="flex flex-col flex-1 "><header class="bg-gradient-to-t from-gray-50-to-white via-white dark:via-gray-950
85
+ pt-10"><div class="container relative"><h1 class="flex items-center flex-wrap text-lg leading-tight
86
+ mb-2 md:text-xl ">
87
+ <div class="flex items-center mb-1 group"><div class="flex items-center mr-1.5 relative">
88
+
89
+ <img alt="" class="w-3.5 h-3.5 rounded " src="https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1659521200179-5e48005437cb5b49818287a5.png?w=200&amp;h=200&amp;f=face"></div>
90
+ <a href="/bigcode" class="font-sans text-gray-400 hover:text-blue-600">bigcode</a>
91
+ <div class="text-gray-300 mx-0.5">/</div></div>
92
+
93
+ <div class="max-w-full mb-1"><a class="font-mono font-semibold break-words" href="/bigcode/santacoder">santacoder</a>
94
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;classNames&quot;:&quot;mr-4&quot;,&quot;title&quot;:&quot;Copy model name to clipboard&quot;,&quot;value&quot;:&quot;bigcode/santacoder&quot;}" data-target="CopyButton"><button class="inline-flex items-center relative bg-white text-sm focus:text-green-500 cursor-pointer focus:outline-none
95
+ mr-4
96
+ mx-0.5
97
+
98
+
99
+ text-gray-600
100
+
101
+ " title="Copy model name to clipboard" type="button"><svg class="" xmlns="http://www.w3.org/2000/svg" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M28,10V28H10V10H28m0-2H10a2,2,0,0,0-2,2V28a2,2,0,0,0,2,2H28a2,2,0,0,0,2-2V10a2,2,0,0,0-2-2Z" transform="translate(0)"></path><path d="M4,18H2V4A2,2,0,0,1,4,2H18V4H4Z" transform="translate(0)"></path><rect fill="none" width="32" height="32"></rect></svg>
102
+
103
+ <div class="
104
+ absolute pointer-events-none transition-opacity bg-black text-white py-1 px-2 leading-tight rounded font-normal shadow
105
+ left-1/2 top-full transform -translate-x-1/2 translate-y-2
106
+ opacity-0
107
+ "><div class="absolute bottom-full left-1/2 transform -translate-x-1/2 w-0 h-0 border-black border-4 border-t-0" style="
108
+ border-left-color: transparent;
109
+ border-right-color: transparent;
110
+ "></div>
111
+ Copied</div></button></div></div>
112
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;isLoggedIn&quot;:false,&quot;classNames&quot;:&quot;mr-2 xl:mr-3 mb-1&quot;,&quot;isLikedByUser&quot;:false,&quot;likes&quot;:73,&quot;repoId&quot;:&quot;bigcode/santacoder&quot;,&quot;repoType&quot;:&quot;model&quot;}" data-target="LikeButton"><div class="inline-flex items-center border leading-none whitespace-nowrap text-sm rounded-md text-gray-500 overflow-hidden bg-white
113
+ mr-2 xl:mr-3 mb-1"><button class="relative flex items-center px-1.5 py-1 hover:bg-gradient-to-t focus:outline-none from-red-50 to-transparent dark:from-red-900 dark:to-red-800 overflow-hidden" title="Like"><svg class="mr-1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.45,6a5.47,5.47,0,0,1,3.91,1.64,5.7,5.7,0,0,1,0,8L16,26.13,5.64,15.64a5.7,5.7,0,0,1,0-8,5.48,5.48,0,0,1,7.82,0L16,10.24l2.53-2.58A5.44,5.44,0,0,1,22.45,6m0-2a7.47,7.47,0,0,0-5.34,2.24L16,7.36,14.89,6.24a7.49,7.49,0,0,0-10.68,0,7.72,7.72,0,0,0,0,10.82L16,29,27.79,17.06a7.72,7.72,0,0,0,0-10.82A7.49,7.49,0,0,0,22.45,4Z"></path></svg>
114
+
115
+ <svg class="mr-1 absolute text-red-500 origin-center transform transition ease-in\n\t\t\t\ttranslate-y-10 scale-0" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.5,4c-2,0-3.9,0.8-5.3,2.2L16,7.4l-1.1-1.1C12,3.3,7.2,3.3,4.3,6.2c0,0-0.1,0.1-0.1,0.1c-3,3-3,7.8,0,10.8L16,29l11.8-11.9c3-3,3-7.8,0-10.8C26.4,4.8,24.5,4,22.5,4z"></path></svg>
116
+ like
117
+ </button>
118
+ <button class="flex items-center px-1.5 py-1 border-l text-gray-400 focus:outline-none hover:bg-gray-50 dark:hover:bg-gray-900 dark:focus:bg-gray-800 focus:bg-gray-100 " title="See users who liked this repository">73</button></div>
119
+ </div>
120
+ </h1>
121
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;tagObjs&quot;:[{&quot;id&quot;:&quot;text-generation&quot;,&quot;label&quot;:&quot;Text Generation&quot;,&quot;subType&quot;:&quot;nlp&quot;,&quot;type&quot;:&quot;pipeline_tag&quot;},{&quot;id&quot;:&quot;pytorch&quot;,&quot;label&quot;:&quot;PyTorch&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;transformers&quot;,&quot;label&quot;:&quot;Transformers&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;dataset:bigcode/the-stack&quot;,&quot;label&quot;:&quot;bigcode/the-stack&quot;,&quot;type&quot;:&quot;dataset&quot;,&quot;disabled&quot;:false},{&quot;id&quot;:&quot;code&quot;,&quot;label&quot;:&quot;code&quot;,&quot;type&quot;:&quot;language&quot;},{&quot;id&quot;:&quot;arxiv:1911.02150&quot;,&quot;label&quot;:&quot;arxiv:1911.02150&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2207.14255&quot;,&quot;label&quot;:&quot;arxiv:2207.14255&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2301.03988&quot;,&quot;label&quot;:&quot;arxiv:2301.03988&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;gpt2&quot;,&quot;label&quot;:&quot;gpt2&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;model-index&quot;,&quot;label&quot;:&quot;Eval Results&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;has_space&quot;,&quot;label&quot;:&quot;Has a Space&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;license:openrail&quot;,&quot;label&quot;:&quot;openrail&quot;,&quot;type&quot;:&quot;license&quot;}]}" data-target="ModelHeaderTags"><div class="flex flex-wrap mb-3 md:mb-4"><a class="tag
122
+ tag-white" href="/models?pipeline_tag=text-generation"><div class="tag-ico tag-ico-indigo"><svg class="" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 18 18"><path d="M16.2607 8.08202L14.468 6.28928C14.3063 6.12804 14.0873 6.03749 13.859 6.03749C13.6307 6.03749 13.4117 6.12804 13.25 6.28928L5.6375 13.904V16.9125H8.64607L16.2607 9.30002C16.422 9.13836 16.5125 8.91935 16.5125 8.69102C16.5125 8.4627 16.422 8.24369 16.2607 8.08202V8.08202ZM8.1953 15.825H6.725V14.3547L11.858 9.22118L13.3288 10.6915L8.1953 15.825ZM14.0982 9.92262L12.6279 8.45232L13.8606 7.21964L15.3309 8.68994L14.0982 9.92262Z"></path><path d="M6.18125 9.84373H7.26875V6.03748H8.9V4.94998H4.55V6.03748H6.18125V9.84373Z"></path><path d="M4.55 11.475H2.375V2.775H11.075V4.95H12.1625V2.775C12.1625 2.48658 12.0479 2.20997 11.844 2.00602C11.64 1.80208 11.3634 1.6875 11.075 1.6875H2.375C2.08658 1.6875 1.80997 1.80208 1.60602 2.00602C1.40207 2.20997 1.2875 2.48658 1.2875 2.775V11.475C1.2875 11.7634 1.40207 12.04 1.60602 12.244C1.80997 12.4479 2.08658 12.5625 2.375 12.5625H4.55V11.475Z"></path></svg></div>
123
+ <span>Text Generation</span>
124
+ </a><a class="tag
125
+ tag-white" href="/models?library=pytorch"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><defs><clipPath id="a"><rect x="3.05" y="0.5" width="25.73" height="31" fill="none"></rect></clipPath></defs><g clip-path="url(#a)"><path d="M24.94,9.51a12.81,12.81,0,0,1,0,18.16,12.68,12.68,0,0,1-18,0,12.81,12.81,0,0,1,0-18.16l9-9V5l-.84.83-6,6a9.58,9.58,0,1,0,13.55,0ZM20.44,9a1.68,1.68,0,1,1,1.67-1.67A1.68,1.68,0,0,1,20.44,9Z" fill="#ee4c2c"></path></g></svg>
126
+ <span>PyTorch</span>
127
+ </a><a class="tag
128
+ tag-white" href="/models?library=transformers"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 90 90"><defs><mask id="a" x="31.46" y="42.5" width="26" height="25" maskUnits="userSpaceOnUse"><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#fff"></path></mask></defs><path d="M44.71,77.5A34.75,34.75,0,1,0,10,42.75,34.75,34.75,0,0,0,44.71,77.5Z" fill="#ffd21e"></path><path d="M79.46,42.75A34.75,34.75,0,1,0,44.71,77.5,34.75,34.75,0,0,0,79.46,42.75ZM6,42.75A38.75,38.75,0,1,1,44.71,81.5,38.75,38.75,0,0,1,6,42.75Z" fill="#ff9d0b"></path><path d="M56,33.29c1.28.45,1.78,3.07,3.07,2.39a5,5,0,1,0-6.76-2.07C52.92,34.76,54.86,32.89,56,33.29Z" fill="#3a3b45"></path><path d="M32.45,33.29c-1.28.45-1.79,3.07-3.07,2.39a5,5,0,1,1,6.76-2.07C35.53,34.76,33.58,32.89,32.45,33.29Z" fill="#3a3b45"></path><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#3a3b45"></path><g mask="url(#a)"><path d="M44.71,67.5a8.68,8.68,0,0,0,3-16.81l-.36-.13c-.84-.26-1.73,2.6-2.65,2.6S43,50.28,42.23,50.51a8.68,8.68,0,0,0,2.48,17Z" fill="#f94040"></path></g><path d="M68.21,38A3.25,3.25,0,1,0,65,34.75,3.25,3.25,0,0,0,68.21,38Z" fill="#ff9d0b"></path><path d="M21.71,38a3.25,3.25,0,1,0-3.25-3.25A3.25,3.25,0,0,0,21.71,38Z" fill="#ff9d0b"></path><path d="M15,49A5.22,5.22,0,0,0,11,50.87a5.92,5.92,0,0,0-1.33,3.75,7.28,7.28,0,0,0-1.94-.3A5.3,5.3,0,0,0,3.74,56a5.8,5.8,0,0,0-1.59,4.79A5.58,5.58,0,0,0,2.94,63a5.42,5.42,0,0,0-1.79,2.82,5.88,5.88,0,0,0,.79,4.74c-.08.12-.15.26-.22.39a5.2,5.2,0,0,0-.14,4.63c1,2.32,3.57,4.14,8.52,6.11,3.07,1.21,5.89,2,5.91,2a44.12,44.12,0,0,0,10.93,1.59c5.86,0,10.05-1.79,12.46-5.33C43.28,74.25,42.73,69,37.71,64a27.53,27.53,0,0,1-5-7.77c-.77-2.66-2.83-5.62-6.24-5.62h0a5.07,5.07,0,0,0-.86.07,5.68,5.68,0,0,0-3.73,2.38A13.22,13.22,0,0,0,19,50.28,7.41,7.41,0,0,0,15,49Zm0,4a3.6,3.6,0,0,1,1.82.65C19,55,23.09,62.08,24.6,64.83a2.43,2.43,0,0,0,2.14,1.31c1.55,0,2.75-1.53.15-3.48-3.92-2.93-2.55-7.72-.68-8a1,1,0,0,1,.24,0c1.7,0,2.45,2.93,2.45,2.93a31.55,31.55,0,0,0,6,9.29c3.77,3.77,4,6.8,1.22,10.84-1.88,2.75-5.47,3.58-9.16,3.58A41.51,41.51,0,0,1,17,79.81c-.11,0-13.45-3.8-11.76-7a1.39,1.39,0,0,1,1.34-.76c2.38,0,6.71,3.54,8.57,3.54A.77.77,0,0,0,16,75c.79-2.84-12.06-4-11-8.16a1.31,1.31,0,0,1,1.44-1c3.14,0,10.2,5.53,11.68,5.53a.28.28,0,0,0,.24-.11c.74-1.19.33-2-4.89-5.19S4.6,61,6.68,58.7a1.3,1.3,0,0,1,1-.38c3.17,0,10.66,6.82,10.66,6.82s2,2.1,3.25,2.1a.74.74,0,0,0,.68-.38c.86-1.46-8.06-8.22-8.56-11C13.37,54,14,53,15,53Z" fill="#ff9d0b"></path><path d="M36.1,77.69c2.75-4,2.55-7.07-1.22-10.84a31.55,31.55,0,0,1-6-9.29s-.82-3.21-2.69-2.91-3.24,5.08.68,8-.78,4.92-2.29,2.17S19,55,16.84,53.65s-3.63-.59-3.13,2.2,9.43,9.55,8.56,11-3.93-1.72-3.93-1.72S8.77,56.43,6.68,58.7,8.27,62.87,13.49,66s5.63,4,4.89,5.19S6.1,62.7,5,66.82,16.79,72.14,16,75,6.94,69.6,5.26,72.8s11.65,7,11.76,7C21.33,80.93,32.27,83.3,36.1,77.69Z" fill="#ffd21e"></path><path d="M74.9,49A5.21,5.21,0,0,1,79,50.87a5.92,5.92,0,0,1,1.33,3.75,7.35,7.35,0,0,1,2-.3A5.3,5.3,0,0,1,86.19,56a5.83,5.83,0,0,1,1.59,4.79A5.75,5.75,0,0,1,87,63a5.3,5.3,0,0,1,1.79,2.82A5.88,5.88,0,0,1,88,70.55c.08.12.16.26.23.39a5.26,5.26,0,0,1,.14,4.63c-1,2.32-3.58,4.14-8.52,6.11-3.08,1.21-5.89,2-5.92,2A44.12,44.12,0,0,1,63,85.27c-5.86,0-10-1.79-12.46-5.33C46.64,74.25,47.19,69,52.22,64a27.19,27.19,0,0,0,5-7.77c.78-2.66,2.83-5.62,6.24-5.62h0a4.91,4.91,0,0,1,.86.07,5.7,5.7,0,0,1,3.74,2.38,12.79,12.79,0,0,1,2.87-2.8A7.35,7.35,0,0,1,74.9,49Zm0,4a3.63,3.63,0,0,0-1.82.65C71,55,66.83,62.08,65.32,64.83a2.42,2.42,0,0,1-2.14,1.31c-1.54,0-2.75-1.53-.14-3.48,3.91-2.93,2.54-7.72.67-8a1,1,0,0,0-.24,0c-1.7,0-2.45,2.93-2.45,2.93a31.65,31.65,0,0,1-6,9.29c-3.78,3.77-4,6.8-1.22,10.84,1.87,2.75,5.47,3.58,9.15,3.58a41.61,41.61,0,0,0,9.93-1.46c.1,0,13.45-3.8,11.76-7a1.4,1.4,0,0,0-1.34-.76c-2.38,0-6.71,3.54-8.57,3.54a.76.76,0,0,1-.83-.61c-.8-2.84,12-4,11-8.16a1.31,1.31,0,0,0-1.44-1c-3.14,0-10.2,5.53-11.68,5.53a.25.25,0,0,1-.23-.11c-.74-1.19-.34-2,4.88-5.19S85.32,61,83.24,58.7a1.29,1.29,0,0,0-1-.38c-3.18,0-10.67,6.82-10.67,6.82s-2,2.1-3.24,2.1a.74.74,0,0,1-.68-.38c-.87-1.46,8-8.22,8.55-11C76.55,54,76,53,74.9,53Z" fill="#ff9d0b"></path><path d="M53.83,77.69c-2.75-4-2.56-7.07,1.22-10.84a31.65,31.65,0,0,0,6-9.29s.82-3.21,2.69-2.91,3.24,5.08-.67,8,.78,4.92,2.28,2.17S71,55,73.08,53.65s3.64-.59,3.13,2.2-9.42,9.55-8.55,11,3.92-1.72,3.92-1.72,9.58-8.71,11.66-6.44-1.58,4.17-6.8,7.33-5.63,4-4.89,5.19,12.27-8.52,13.35-4.4-11.76,5.32-11,8.16,9-5.38,10.74-2.18-11.65,7-11.76,7C68.6,80.93,57.65,83.3,53.83,77.69Z" fill="#ffd21e"></path></svg>
129
+ <span>Transformers</span>
130
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
131
+ <button class="
132
+ " type="button">
133
+
134
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
135
+ tag-indigo" href="/models?dataset=dataset:bigcode/the-stack"><svg class="flex-none ml-2 -mr-1 opacity-40" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 25 25"><ellipse cx="12.5" cy="5" fill="currentColor" fill-opacity="0.25" rx="7.5" ry="2"></ellipse><path d="M12.5 15C16.6421 15 20 14.1046 20 13V20C20 21.1046 16.6421 22 12.5 22C8.35786 22 5 21.1046 5 20V13C5 14.1046 8.35786 15 12.5 15Z" fill="currentColor" opacity="0.5"></path><path d="M12.5 7C16.6421 7 20 6.10457 20 5V11.5C20 12.6046 16.6421 13.5 12.5 13.5C8.35786 13.5 5 12.6046 5 11.5V5C5 6.10457 8.35786 7 12.5 7Z" fill="currentColor" opacity="0.5"></path><path d="M5.23628 12C5.08204 12.1598 5 12.8273 5 13C5 14.1046 8.35786 15 12.5 15C16.6421 15 20 14.1046 20 13C20 12.8273 19.918 12.1598 19.7637 12C18.9311 12.8626 15.9947 13.5 12.5 13.5C9.0053 13.5 6.06886 12.8626 5.23628 12Z" fill="currentColor"></path></svg>
136
+ <span>bigcode/the-stack</span>
137
+ </a>
138
+
139
+
140
+ </button>
141
+
142
+
143
+
144
+ </div><a class="tag
145
+ tag-green" href="/models?language=code"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="ml-2 text-green-600/80" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 10 10"><path fill-rule="evenodd" clip-rule="evenodd" d="M0.625 5C0.625 6.16032 1.08594 7.27312 1.90641 8.09359C2.72688 8.91406 3.83968 9.375 5 9.375C6.16032 9.375 7.27312 8.91406 8.09359 8.09359C8.91406 7.27312 9.375 6.16032 9.375 5C9.375 3.83968 8.91406 2.72688 8.09359 1.90641C7.27312 1.08594 6.16032 0.625 5 0.625C3.83968 0.625 2.72688 1.08594 1.90641 1.90641C1.08594 2.72688 0.625 3.83968 0.625 5ZM7.64365 7.48027C7.61734 7.50832 7.59054 7.53598 7.56326 7.56326C7.13828 7.98824 6.61864 8.2968 6.0539 8.46842C6.29802 8.11949 6.49498 7.64804 6.63475 7.09483C7.00845 7.18834 7.35014 7.3187 7.64365 7.48027ZM8.10076 6.87776C8.37677 6.42196 8.55005 5.90894 8.60556 5.37499H6.86808C6.85542 5.71597 6.82551 6.04557 6.77971 6.35841C7.25309 6.47355 7.68808 6.6414 8.062 6.85549C8.07497 6.86283 8.08789 6.87025 8.10076 6.87776ZM6.03795 6.22536C6.07708 5.95737 6.1044 5.67232 6.11705 5.37499H3.88295C3.89666 5.69742 3.92764 6.00542 3.9722 6.29287C4.37075 6.21726 4.79213 6.17749 5.224 6.17749C5.50054 6.17749 5.77294 6.19376 6.03795 6.22536ZM4.1261 7.02673C4.34894 7.84835 4.68681 8.375 5 8.375C5.32122 8.375 5.66839 7.82101 5.8908 6.963C5.67389 6.93928 5.45082 6.92699 5.224 6.92699C4.84316 6.92699 4.47332 6.96176 4.1261 7.02673ZM3.39783 7.21853C3.53498 7.71842 3.72038 8.14579 3.9461 8.46842C3.42141 8.30898 2.93566 8.03132 2.52857 7.65192C2.77253 7.48017 3.06711 7.33382 3.39783 7.21853ZM3.23916 6.48077C3.18263 6.13193 3.14625 5.76074 3.13192 5.37499H1.39444C1.4585 5.99112 1.67936 6.57938 2.03393 7.08403C2.3706 6.83531 2.78055 6.63162 3.23916 6.48077ZM1.39444 4.62499H3.13192C3.14615 4.24204 3.18211 3.87344 3.23794 3.52681C2.77814 3.37545 2.36731 3.17096 2.03024 2.92123C1.67783 3.42469 1.45828 4.011 1.39444 4.62499ZM2.5237 2.35262C2.76812 2.52552 3.06373 2.67281 3.39584 2.78875C3.53318 2.28573 3.71928 1.85578 3.9461 1.53158C3.41932 1.69166 2.93178 1.97089 2.5237 2.35262ZM3.97101 3.71489C3.92709 4.00012 3.89654 4.30547 3.88295 4.62499H6.11705C6.10453 4.33057 6.07761 4.04818 6.03909 3.78248C5.77372 3.81417 5.50093 3.83049 5.224 3.83049C4.79169 3.83049 4.3699 3.79065 3.97101 3.71489ZM5.8928 3.04476C5.67527 3.06863 5.45151 3.08099 5.224 3.08099C4.84241 3.08099 4.47186 3.04609 4.12405 2.98086C4.34686 2.1549 4.68584 1.625 5 1.625C5.32218 1.625 5.67048 2.18233 5.8928 3.04476ZM6.78083 3.6493C6.826 3.95984 6.85552 4.28682 6.86808 4.62499H8.60556C8.55029 4.09337 8.37827 3.58251 8.10436 3.1282C8.0903 3.1364 8.07618 3.14449 8.062 3.15249C7.68838 3.36641 7.25378 3.53417 6.78083 3.6493ZM7.64858 2.52499C7.35446 2.68754 7.0117 2.81868 6.63664 2.91268C6.49676 2.35623 6.29913 1.88209 6.0539 1.53158C6.61864 1.7032 7.13828 2.01176 7.56326 2.43674C7.59224 2.46572 7.62068 2.49514 7.64858 2.52499Z" fill="currentColor"></path></svg>
146
+ <span>code</span>
147
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
148
+ <button class="
149
+ " type="button">
150
+
151
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
152
+ tag-purple" href="/models?other=arxiv:1911.02150">
153
+ <span>arxiv:1911.02150</span>
154
+ </a>
155
+
156
+
157
+ </button>
158
+
159
+
160
+
161
+ </div><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
162
+ <button class="
163
+ " type="button">
164
+
165
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
166
+ tag-purple" href="/models?other=arxiv:2207.14255">
167
+ <span>arxiv:2207.14255</span>
168
+ </a>
169
+
170
+
171
+ </button>
172
+
173
+
174
+
175
+ </div><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
176
+ <button class="
177
+ " type="button">
178
+
179
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
180
+ tag-purple" href="/models?other=arxiv:2301.03988">
181
+ <span>arxiv:2301.03988</span>
182
+ </a>
183
+
184
+
185
+ </button>
186
+
187
+
188
+
189
+ </div><a class="tag
190
+ tag-purple" href="/models?other=gpt2">
191
+ <span>gpt2</span>
192
+ </a><a class="tag
193
+ tag-purple" href="/models?other=model-index"><svg class="ml-2 text-orange-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 30h-8V4h8z" fill="currentColor"></path><path d="M20 30h-8V12h8z" fill="currentColor"></path><path d="M10 30H2V18h8z" fill="currentColor"></path></svg>
194
+ <span>Eval Results</span>
195
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5 w-72">
196
+ <button class="
197
+ " type="button">
198
+
199
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
200
+ tag-white rounded-full" href="/models?license=license:openrail"><svg class="ml-2 text-xs text-gray-900" width="1em" height="1em" viewBox="0 0 10 10" fill="none" xmlns="http://www.w3.org/2000/svg"><path d="M1.46009 5.0945V6.88125C1.46009 7.25201 1.75937 7.55129 2.13012 7.55129C2.50087 7.55129 2.80016 7.25201 2.80016 6.88125V5.0945C2.80016 4.72375 2.50087 4.42446 2.13012 4.42446C1.75937 4.42446 1.46009 4.72375 1.46009 5.0945ZM4.14022 5.0945V6.88125C4.14022 7.25201 4.4395 7.55129 4.81026 7.55129C5.18101 7.55129 5.48029 7.25201 5.48029 6.88125V5.0945C5.48029 4.72375 5.18101 4.42446 4.81026 4.42446C4.4395 4.42446 4.14022 4.72375 4.14022 5.0945ZM1.23674 9.78473H8.38377C8.75452 9.78473 9.0538 9.48545 9.0538 9.1147C9.0538 8.74395 8.75452 8.44466 8.38377 8.44466H1.23674C0.865993 8.44466 0.566711 8.74395 0.566711 9.1147C0.566711 9.48545 0.865993 9.78473 1.23674 9.78473ZM6.82036 5.0945V6.88125C6.82036 7.25201 7.11964 7.55129 7.49039 7.55129C7.86114 7.55129 8.16042 7.25201 8.16042 6.88125V5.0945C8.16042 4.72375 7.86114 4.42446 7.49039 4.42446C7.11964 4.42446 6.82036 4.72375 6.82036 5.0945ZM4.39484 0.623142L0.865993 2.48137C0.682851 2.57517 0.566711 2.76725 0.566711 2.97273C0.566711 3.28094 0.816857 3.53109 1.12507 3.53109H8.49991C8.80365 3.53109 9.0538 3.28094 9.0538 2.97273C9.0538 2.76725 8.93766 2.57517 8.75452 2.48137L5.22568 0.623142C4.9666 0.484669 4.65391 0.484669 4.39484 0.623142V0.623142Z" fill="currentColor"></path></svg>
201
+ <span class="text-gray-400 !pr-0 -mr-1">License: </span>
202
+ <span>openrail</span>
203
+ </a>
204
+
205
+ </button>
206
+
207
+
208
+
209
+ </div></div></div>
210
+ <div class="border-b border-gray-100"><div class="flex flex-col-reverse lg:flex-row lg:items-center lg:justify-between"><div class="flex items-center h-12 -mb-px overflow-x-auto overflow-y-hidden"><a class="tab-alternate " href="/bigcode/santacoder"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
211
+ Model card
212
+
213
+
214
+ </a><a class="tab-alternate active" href="/bigcode/santacoder/tree/main"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M21 19h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-8h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0 4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M9 19a1 1 0 0 1-1-1V6a1 1 0 0 1 2 0v12a1 1 0 0 1-1 1zm-6-4.333a1 1 0 0 1-.64-1.769L3.438 12l-1.078-.898a1 1 0 0 1 1.28-1.538l2 1.667a1 1 0 0 1 0 1.538l-2 1.667a.999.999 0 0 1-.64.231z" fill="currentColor"></path></svg>
215
+ <span class="xl:hidden">Files</span>
216
+ <span class="hidden xl:inline">Files and versions</span>
217
+
218
+
219
+ </a><a class="tab-alternate " href="/bigcode/santacoder/discussions"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M20.6081 3C21.7684 3 22.8053 3.49196 23.5284 4.38415C23.9756 4.93678 24.4428 5.82749 24.4808 7.16133C24.9674 7.01707 25.4353 6.93643 25.8725 6.93643C26.9833 6.93643 27.9865 7.37587 28.696 8.17411C29.6075 9.19872 30.0124 10.4579 29.8361 11.7177C29.7523 12.3177 29.5581 12.8555 29.2678 13.3534C29.8798 13.8646 30.3306 14.5763 30.5485 15.4322C30.719 16.1032 30.8939 17.5006 29.9808 18.9403C30.0389 19.0342 30.0934 19.1319 30.1442 19.2318C30.6932 20.3074 30.7283 21.5229 30.2439 22.6548C29.5093 24.3704 27.6841 25.7219 24.1397 27.1727C21.9347 28.0753 19.9174 28.6523 19.8994 28.6575C16.9842 29.4379 14.3477 29.8345 12.0653 29.8345C7.87017 29.8345 4.8668 28.508 3.13831 25.8921C0.356375 21.6797 0.754104 17.8269 4.35369 14.1131C6.34591 12.058 7.67023 9.02782 7.94613 8.36275C8.50224 6.39343 9.97271 4.20438 12.4172 4.20438H12.4179C12.6236 4.20438 12.8314 4.2214 13.0364 4.25468C14.107 4.42854 15.0428 5.06476 15.7115 6.02205C16.4331 5.09583 17.134 4.359 17.7682 3.94323C18.7242 3.31737 19.6794 3 20.6081 3ZM20.6081 5.95917C20.2427 5.95917 19.7963 6.1197 19.3039 6.44225C17.7754 7.44319 14.8258 12.6772 13.7458 14.7131C13.3839 15.3952 12.7655 15.6837 12.2086 15.6837C11.1036 15.6837 10.2408 14.5497 12.1076 13.1085C14.9146 10.9402 13.9299 7.39584 12.5898 7.1776C12.5311 7.16799 12.4731 7.16355 12.4172 7.16355C11.1989 7.16355 10.6615 9.33114 10.6615 9.33114C10.6615 9.33114 9.0863 13.4148 6.38031 16.206C3.67434 18.998 3.5346 21.2388 5.50675 24.2246C6.85185 26.2606 9.42666 26.8753 12.0653 26.8753C14.8021 26.8753 17.6077 26.2139 19.1799 25.793C19.2574 25.7723 28.8193 22.984 27.6081 20.6107C27.4046 20.212 27.0693 20.0522 26.6471 20.0522C24.9416 20.0522 21.8393 22.6726 20.5057 22.6726C20.2076 22.6726 19.9976 22.5416 19.9116 22.222C19.3433 20.1173 28.552 19.2325 27.7758 16.1839C27.639 15.6445 27.2677 15.4256 26.746 15.4263C24.4923 15.4263 19.4358 19.5181 18.3759 19.5181C18.2949 19.5181 18.2368 19.4937 18.2053 19.4419C17.6743 18.557 17.9653 17.9394 21.7082 15.6009C25.4511 13.2617 28.0783 11.8545 26.5841 10.1752C26.4121 9.98141 26.1684 9.8956 25.8725 9.8956C23.6001 9.89634 18.2311 14.9403 18.2311 14.9403C18.2311 14.9403 16.7821 16.496 15.9057 16.496C15.7043 16.496 15.533 16.4139 15.4169 16.2112C14.7956 15.1296 21.1879 10.1286 21.5484 8.06535C21.7928 6.66715 21.3771 5.95917 20.6081 5.95917Z" fill="#FF9D00"></path><path d="M5.50686 24.2246C3.53472 21.2387 3.67446 18.9979 6.38043 16.206C9.08641 13.4147 10.6615 9.33111 10.6615 9.33111C10.6615 9.33111 11.2499 6.95933 12.59 7.17757C13.93 7.39581 14.9139 10.9401 12.1069 13.1084C9.29997 15.276 12.6659 16.7489 13.7459 14.713C14.8258 12.6772 17.7747 7.44316 19.304 6.44221C20.8326 5.44128 21.9089 6.00204 21.5484 8.06532C21.188 10.1286 14.795 15.1295 15.4171 16.2118C16.0391 17.2934 18.2312 14.9402 18.2312 14.9402C18.2312 14.9402 25.0907 8.49588 26.5842 10.1752C28.0776 11.8545 25.4512 13.2616 21.7082 15.6008C17.9646 17.9393 17.6744 18.557 18.2054 19.4418C18.7372 20.3266 26.9998 13.1351 27.7759 16.1838C28.5513 19.2324 19.3434 20.1173 19.9117 22.2219C20.48 24.3274 26.3979 18.2382 27.6082 20.6107C28.8193 22.9839 19.2574 25.7722 19.18 25.7929C16.0914 26.62 8.24723 28.3726 5.50686 24.2246Z" fill="#FFD21E"></path></svg>
220
+ Community
221
+ <div class="h-4 min-w-[1rem] px-1 rounded bg-black text-xs text-white shadow-sm items-center justify-center leading-none flex ml-1.5">13
222
+ </div>
223
+
224
+ </a>
225
+ </div>
226
+
227
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;model&quot;:{&quot;author&quot;:&quot;bigcode&quot;,&quot;cardData&quot;:{&quot;license&quot;:&quot;openrail&quot;,&quot;datasets&quot;:[&quot;bigcode/the-stack&quot;],&quot;language&quot;:[&quot;code&quot;],&quot;programming_language&quot;:[&quot;Java&quot;,&quot;JavaScript&quot;,&quot;Python&quot;],&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;inference&quot;:false,&quot;widget&quot;:[{&quot;text&quot;:&quot;def print_hello_world():&quot;,&quot;example_title&quot;:&quot;Hello world&quot;,&quot;group&quot;:&quot;Python&quot;}],&quot;model-index&quot;:[{&quot;name&quot;:&quot;SantaCoder&quot;,&quot;results&quot;:[{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.18,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.29,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.49,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.35,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.58,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.77,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.16,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.27,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.47,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Javascript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.51,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.7,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.15,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.26,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.41,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.59,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;loubnabnl/humaneval_infilling&quot;,&quot;name&quot;:&quot;HumanEval FIM (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.62,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.6,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;code_x_glue_ct_code_to_text&quot;,&quot;name&quot;:&quot;CodeXGLUE code-to-text (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;BLEU&quot;,&quot;type&quot;:&quot;bleu&quot;,&quot;value&quot;:18.13,&quot;verified&quot;:false}]}]}]},&quot;cardExists&quot;:true,&quot;config&quot;:{&quot;architectures&quot;:[&quot;GPT2LMHeadCustomModel&quot;],&quot;model_type&quot;:&quot;gpt2&quot;},&quot;discussionsDisabled&quot;:false,&quot;id&quot;:&quot;bigcode/santacoder&quot;,&quot;isLikedByUser&quot;:false,&quot;inference&quot;:false,&quot;lastModified&quot;:&quot;2023-01-17T22:06:49.000Z&quot;,&quot;likes&quot;:73,&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;library_name&quot;:&quot;transformers&quot;,&quot;model-index&quot;:[{&quot;name&quot;:&quot;SantaCoder&quot;,&quot;results&quot;:[{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.18,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.29,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.49,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.35,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.58,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.77,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.16,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.27,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.47,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Javascript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.51,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.7,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.15,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.26,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.41,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.59,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;loubnabnl/humaneval_infilling&quot;,&quot;name&quot;:&quot;HumanEval FIM (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.62,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.6,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;code_x_glue_ct_code_to_text&quot;,&quot;name&quot;:&quot;CodeXGLUE code-to-text (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;BLEU&quot;,&quot;type&quot;:&quot;bleu&quot;,&quot;value&quot;:18.13,&quot;verified&quot;:false}]}]}],&quot;private&quot;:false,&quot;gated&quot;:false,&quot;pwcLink&quot;:{&quot;url&quot;:&quot;https://paperswithcode.com/sota?task=text-generation&amp;dataset=MultiPL+HumanEval+%28Python%29&quot;},&quot;tags&quot;:[&quot;pytorch&quot;,&quot;gpt2&quot;,&quot;text-generation&quot;,&quot;code&quot;,&quot;dataset:bigcode/the-stack&quot;,&quot;arxiv:1911.02150&quot;,&quot;arxiv:2207.14255&quot;,&quot;arxiv:2301.03988&quot;,&quot;transformers&quot;,&quot;license:openrail&quot;,&quot;model-index&quot;,&quot;has_space&quot;],&quot;tag_objs&quot;:[{&quot;id&quot;:&quot;text-generation&quot;,&quot;label&quot;:&quot;Text Generation&quot;,&quot;subType&quot;:&quot;nlp&quot;,&quot;type&quot;:&quot;pipeline_tag&quot;},{&quot;id&quot;:&quot;pytorch&quot;,&quot;label&quot;:&quot;PyTorch&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;transformers&quot;,&quot;label&quot;:&quot;Transformers&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;dataset:bigcode/the-stack&quot;,&quot;label&quot;:&quot;bigcode/the-stack&quot;,&quot;type&quot;:&quot;dataset&quot;,&quot;disabled&quot;:false},{&quot;id&quot;:&quot;code&quot;,&quot;label&quot;:&quot;code&quot;,&quot;type&quot;:&quot;language&quot;},{&quot;id&quot;:&quot;arxiv:1911.02150&quot;,&quot;label&quot;:&quot;arxiv:1911.02150&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2207.14255&quot;,&quot;label&quot;:&quot;arxiv:2207.14255&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2301.03988&quot;,&quot;label&quot;:&quot;arxiv:2301.03988&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;gpt2&quot;,&quot;label&quot;:&quot;gpt2&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;model-index&quot;,&quot;label&quot;:&quot;Eval Results&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;has_space&quot;,&quot;label&quot;:&quot;Has a Space&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;license:openrail&quot;,&quot;label&quot;:&quot;openrail&quot;,&quot;type&quot;:&quot;license&quot;}],&quot;hasHandlerPy&quot;:false,&quot;transformersInfo&quot;:{&quot;auto_model&quot;:&quot;AutoModelWithLMHead&quot;,&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;processor&quot;:&quot;AutoTokenizer&quot;},&quot;widgetData&quot;:[{&quot;text&quot;:&quot;def print_hello_world():&quot;,&quot;example_title&quot;:&quot;Hello world&quot;,&quot;group&quot;:&quot;Python&quot;}]},&quot;canWrite&quot;:false}" data-target="ModelHeaderActions">
228
+
229
+
230
+ <div class="relative mb-1.5 flex flex-wrap sm:flex-nowrap lg:mb-0 gap-1.5"><div class="order-last sm:order-first"><div class="relative ">
231
+ <button class="btn px-1.5 py-1.5
232
+ " type="button">
233
+
234
+ <svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="p-0.5" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><circle cx="16" cy="7" r="3" fill="currentColor"></circle><circle cx="16" cy="16" r="3" fill="currentColor"></circle><circle cx="16" cy="25" r="3" fill="currentColor"></circle></svg>
235
+
236
+ </button>
237
+
238
+
239
+
240
+ </div>
241
+
242
+
243
+
244
+ </div>
245
+
246
+ <div class="flex-none w-full sm:w-auto"><div class="relative ">
247
+ <button class="text-sm btn
248
+ cursor-pointer w-full btn text-sm" type="button">
249
+ <svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12.1 2a9.8 9.8 0 0 0-5.4 1.6l6.4 6.4a2.1 2.1 0 0 1 .2 3a2.1 2.1 0 0 1-3-.2L3.7 6.4A9.84 9.84 0 0 0 2 12.1a10.14 10.14 0 0 0 10.1 10.1a10.9 10.9 0 0 0 2.6-.3l6.7 6.7a5 5 0 0 0 7.1-7.1l-6.7-6.7a10.9 10.9 0 0 0 .3-2.6A10 10 0 0 0 12.1 2zm8 10.1a7.61 7.61 0 0 1-.3 2.1l-.3 1.1l.8.8l6.7 6.7a2.88 2.88 0 0 1 .9 2.1A2.72 2.72 0 0 1 27 27a2.9 2.9 0 0 1-4.2 0l-6.7-6.7l-.8-.8l-1.1.3a7.61 7.61 0 0 1-2.1.3a8.27 8.27 0 0 1-5.7-2.3A7.63 7.63 0 0 1 4 12.1a8.33 8.33 0 0 1 .3-2.2l4.4 4.4a4.14 4.14 0 0 0 5.9.2a4.14 4.14 0 0 0-.2-5.9L10 4.2a6.45 6.45 0 0 1 2-.3a8.27 8.27 0 0 1 5.7 2.3a8.49 8.49 0 0 1 2.4 5.9z" fill="currentColor"></path></svg>
250
+ Train
251
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
252
+
253
+
254
+
255
+ </div>
256
+ </div>
257
+ <div class="flex-none w-full sm:w-auto"><div class="relative ">
258
+ <button class="text-sm btn
259
+ cursor-pointer w-full btn text-sm" type="button">
260
+ <svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><rect x="6.34" y="19" width="11.31" height="2" transform="translate(-10.63 14.34) rotate(-45)"></rect><path d="M17,30a1,1,0,0,1-.37-.07,1,1,0,0,1-.62-.79l-1-7,2-.28.75,5.27L21,24.52V17a1,1,0,0,1,.29-.71l4.07-4.07A8.94,8.94,0,0,0,28,5.86V4H26.14a8.94,8.94,0,0,0-6.36,2.64l-4.07,4.07A1,1,0,0,1,15,11H7.48L4.87,14.26l5.27.75-.28,2-7-1a1,1,0,0,1-.79-.62,1,1,0,0,1,.15-1l4-5A1,1,0,0,1,7,9h7.59l3.77-3.78A10.92,10.92,0,0,1,26.14,2H28a2,2,0,0,1,2,2V5.86a10.92,10.92,0,0,1-3.22,7.78L23,17.41V25a1,1,0,0,1-.38.78l-5,4A1,1,0,0,1,17,30Z"></path></svg>
261
+ Deploy
262
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
263
+
264
+
265
+
266
+ </div>
267
+ </div>
268
+ <div class="flex-auto sm:flex-none"><button class="cursor-pointer w-full
269
+
270
+ btn
271
+ text-sm" type="button" ><svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
272
+ Use in Transformers</button>
273
+ </div></div></div>
274
+ </div></div></div></header>
275
+
276
+ <div class="container relative flex flex-col md:grid md:space-y-0 w-full
277
+ md:grid-cols-12
278
+
279
+ space-y-4
280
+ md:gap-6
281
+ mb-16
282
+ "><section class="pt-8 border-gray-100 col-span-full"><header class="pb-2 flex items-center flex-wrap lg:flex-nowrap justify-start md:justify-end"><div class="flex flex-wrap items-center md:flex-grow mr-4 lg:flex-nowrap min-w-0 basis-auto md:basis-full lg:basis-auto"><div class="SVELTE_HYDRATER contents" data-props="{&quot;path&quot;:&quot;tokenizer.json&quot;,&quot;repoName&quot;:&quot;bigcode/santacoder&quot;,&quot;repoType&quot;:&quot;model&quot;,&quot;rev&quot;:&quot;main&quot;,&quot;refs&quot;:{&quot;branches&quot;:[{&quot;name&quot;:&quot;main&quot;,&quot;ref&quot;:&quot;refs/heads/main&quot;,&quot;targetCommit&quot;:&quot;3482bf48b7f24453cecabedc6261cca67c45f8a6&quot;},{&quot;name&quot;:&quot;bf16&quot;,&quot;ref&quot;:&quot;refs/heads/bf16&quot;,&quot;targetCommit&quot;:&quot;21002cdb1994d7a91581d4764a3263d5591f9b15&quot;},{&quot;name&quot;:&quot;comments&quot;,&quot;ref&quot;:&quot;refs/heads/comments&quot;,&quot;targetCommit&quot;:&quot;40c1e652a71a6444ab9302c35a6897c4ba3388d7&quot;},{&quot;name&quot;:&quot;dedup-alt&quot;,&quot;ref&quot;:&quot;refs/heads/dedup-alt&quot;,&quot;targetCommit&quot;:&quot;577ea39965d7c7a6a7a8492181ea52ce12cd5b7a&quot;},{&quot;name&quot;:&quot;dedup-alt-comments&quot;,&quot;ref&quot;:&quot;refs/heads/dedup-alt-comments&quot;,&quot;targetCommit&quot;:&quot;080e3b87d19ace8aa4f72c30e5458cab820644dc&quot;},{&quot;name&quot;:&quot;fertility&quot;,&quot;ref&quot;:&quot;refs/heads/fertility&quot;,&quot;targetCommit&quot;:&quot;ed725aa4a2f9871d370dfd96fc108db3fde4a84e&quot;},{&quot;name&quot;:&quot;fim&quot;,&quot;ref&quot;:&quot;refs/heads/fim&quot;,&quot;targetCommit&quot;:&quot;60a5975aef0766b02c6e473304a96329bff17221&quot;},{&quot;name&quot;:&quot;mha&quot;,&quot;ref&quot;:&quot;refs/heads/mha&quot;,&quot;targetCommit&quot;:&quot;3989eb0c659ff9992e0e5585c1360aaaf8fcf77f&quot;},{&quot;name&quot;:&quot;no-fim&quot;,&quot;ref&quot;:&quot;refs/heads/no-fim&quot;,&quot;targetCommit&quot;:&quot;83415b98df848a16c00a7a88f974b644899ef871&quot;},{&quot;name&quot;:&quot;stars&quot;,&quot;ref&quot;:&quot;refs/heads/stars&quot;,&quot;targetCommit&quot;:&quot;d33d4e0258e3bc5f7b5d59be493d158778364655&quot;}],&quot;tags&quot;:[],&quot;converts&quot;:[]},&quot;view&quot;:&quot;blob&quot;}" data-target="BranchSelector"><div class="relative mr-4 mb-2">
283
+ <button class="text-sm md:text-base
284
+ cursor-pointer w-full btn text-sm" type="button">
285
+ <svg class="mr-1.5 text-gray-700 dark:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M13 14c-3.36 0-4.46 1.35-4.82 2.24C9.25 16.7 10 17.76 10 19a3 3 0 0 1-3 3a3 3 0 0 1-3-3c0-1.31.83-2.42 2-2.83V7.83A2.99 2.99 0 0 1 4 5a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.31-.83 2.42-2 2.83v5.29c.88-.65 2.16-1.12 4-1.12c2.67 0 3.56-1.34 3.85-2.23A3.006 3.006 0 0 1 14 7a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.34-.88 2.5-2.09 2.86C17.65 11.29 16.68 14 13 14m-6 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1M7 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1m10 2a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1z" fill="currentColor"></path></svg>
286
+ main
287
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
288
+
289
+
290
+
291
+ </div></div>
292
+ <div class="flex items-center overflow-hidden mb-2"><a class="hover:underline text-gray-800 truncate" href="/bigcode/santacoder/tree/main">santacoder</a>
293
+ <span class="text-gray-300 mx-1">/</span>
294
+ <span class="dark:text-gray-300">tokenizer.json</span></div></div>
295
+
296
+
297
+ </header>
298
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;commitLast&quot;:{&quot;date&quot;:&quot;2022-12-05T08:43:56.000Z&quot;,&quot;subject&quot;:&quot;Upload tokenizer&quot;,&quot;authors&quot;:[{&quot;_id&quot;:&quot;5e48005437cb5b49818287a5&quot;,&quot;avatar&quot;:&quot;https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1627890220261-5e48005437cb5b49818287a5.png?w=200&amp;h=200&amp;f=face&quot;,&quot;isHf&quot;:true,&quot;user&quot;:&quot;lvwerra&quot;}],&quot;commit&quot;:{&quot;id&quot;:&quot;ebb180e34c43d1a6a4004e7743fe6f422ee14f91&quot;,&quot;parentIds&quot;:[&quot;094f6ad6ef93b144cf51839083d85e36894d17b7&quot;]},&quot;title&quot;:&quot;Upload tokenizer&quot;},&quot;repo&quot;:{&quot;name&quot;:&quot;bigcode/santacoder&quot;,&quot;type&quot;:&quot;model&quot;}}" data-target="LastCommit"><div class="border border-b-0 dark:border-gray-800 px-3 py-2 flex items-baseline rounded-t-lg bg-gradient-to-t from-gray-100-to-white"><img class="w-4 h-4 rounded-full mt-0.5 mr-2.5 self-center" alt="lvwerra's picture" src="https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1627890220261-5e48005437cb5b49818287a5.png?w=200&amp;h=200&amp;f=face">
299
+ <div class="mr-5 truncate flex items-center flex-none"><a class="hover:underline" href="/lvwerra">lvwerra
300
+ </a>
301
+ <div class="mt-0.5 ml-1.5 bg-yellow-50 dark:bg-yellow-800 px-1 uppercase text-xs font-semibold text-yellow-500 dark:text-yellow-400 border border-yellow-200 rounded" title="member of the Hugging Face team">HF staff
302
+ </div>
303
+ </div>
304
+ <div class="mr-4 font-mono text-sm text-gray-500 truncate hover:prose-a:underline">Upload tokenizer</div>
305
+ <a class="text-sm border dark:border-gray-800 px-1.5 rounded bg-gray-50 dark:bg-gray-900 hover:underline" href="/bigcode/santacoder/commit/ebb180e34c43d1a6a4004e7743fe6f422ee14f91">ebb180e</a>
306
+
307
+ <time class="ml-auto hidden lg:block text-gray-500 dark:text-gray-400 truncate flex-none pl-2" datetime="2022-12-05T08:43:56" title="Mon, 05 Dec 2022 08:43:56 GMT">about 2 months ago</time></div></div>
308
+ <div class="flex flex-wrap items-center px-3 py-1.5 border dark:border-gray-800 text-sm text-gray-800 dark:bg-gray-900">
309
+ <a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/raw/main/tokenizer.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
310
+ raw
311
+ </a><a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/commits/main/tokenizer.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M16 4C9.383 4 4 9.383 4 16s5.383 12 12 12s12-5.383 12-12S22.617 4 16 4zm0 2c5.535 0 10 4.465 10 10s-4.465 10-10 10S6 21.535 6 16S10.465 6 16 6zm-1 2v9h7v-2h-5V8z" fill="currentColor"></path></svg>
312
+ history
313
+ </a><a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/delete/main/tokenizer.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12 12h2v12h-2z" fill="currentColor"></path><path d="M18 12h2v12h-2z" fill="currentColor"></path><path d="M4 6v2h2v20a2 2 0 0 0 2 2h16a2 2 0 0 0 2-2V8h2V6zm4 22V8h16v20z" fill="currentColor"></path><path d="M12 2h8v2h-8z" fill="currentColor"></path></svg>
314
+ delete
315
+ </a>
316
+ <div class="text-gray-400 flex items-center mr-4"><svg class="text-gray-300 text-sm mr-1.5 -translate-y-px" width="1em" height="1em" viewBox="0 0 22 28" fill="none" xmlns="http://www.w3.org/2000/svg"><path fill-rule="evenodd" clip-rule="evenodd" d="M15.3634 10.3639C15.8486 10.8491 15.8486 11.6357 15.3634 12.1209L10.9292 16.5551C10.6058 16.8785 10.0814 16.8785 9.7579 16.5551L7.03051 13.8277C6.54532 13.3425 6.54532 12.5558 7.03051 12.0707C7.51569 11.5855 8.30234 11.5855 8.78752 12.0707L9.7579 13.041C10.0814 13.3645 10.6058 13.3645 10.9292 13.041L13.6064 10.3639C14.0916 9.8787 14.8782 9.8787 15.3634 10.3639Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M10.6666 27.12C4.93329 25.28 0 19.2267 0 12.7867V6.52001C0 5.40001 0.693334 4.41334 1.73333 4.01334L9.73333 1.01334C10.3333 0.786673 11 0.786673 11.6 1.02667L19.6 4.02667C20.1083 4.21658 20.5465 4.55701 20.8562 5.00252C21.1659 5.44803 21.3324 5.97742 21.3333 6.52001V12.7867C21.3333 19.24 16.4 25.28 10.6666 27.12Z" fill="currentColor" fill-opacity="0.22"></path><path d="M10.0845 1.94967L10.0867 1.94881C10.4587 1.8083 10.8666 1.81036 11.2286 1.95515L11.2387 1.95919L11.2489 1.963L19.2489 4.963L19.25 4.96342C19.5677 5.08211 19.8416 5.29488 20.0351 5.57333C20.2285 5.85151 20.3326 6.18203 20.3333 6.52082C20.3333 6.52113 20.3333 6.52144 20.3333 6.52176L20.3333 12.7867C20.3333 18.6535 15.8922 24.2319 10.6666 26.0652C5.44153 24.2316 1 18.6409 1 12.7867V6.52001C1 5.82357 1.42893 5.20343 2.08883 4.94803L10.0845 1.94967Z" stroke="currentColor" stroke-opacity="0.30" stroke-width="2"></path></svg>
317
+
318
+ No virus
319
+ </div>
320
+
321
+ <div class="dark:text-gray-300 sm:ml-auto">2.08 MB</div></div>
322
+
323
+ <div class="border border-t-0 rounded-b-lg dark:bg-gray-925 dark:border-gray-800 leading-tight"><div class="p-4 py-8 text-center">File too large to display, you can
324
+ <a href="/bigcode/santacoder/raw/main/tokenizer.json" target="_blank" class="underline">check the raw version</a>
325
+ instead.
326
+ </div></div></section></div></main>
327
+ </div>
328
+
329
+ <script>
330
+ import("/front/build/index.84db37849.js");
331
+ window.moonSha = ".84db37849";
332
+ </script>
333
+
334
+ <script>
335
+ if (
336
+ !(
337
+ ["localhost", "huggingface.test"].includes(
338
+ window.location.hostname
339
+ ) || window.location.hostname.includes("ngrok.io")
340
+ )
341
+ ) {
342
+ (function (i, s, o, g, r, a, m) {
343
+ i["GoogleAnalyticsObject"] = r;
344
+ (i[r] =
345
+ i[r] ||
346
+ function () {
347
+ (i[r].q = i[r].q || []).push(arguments);
348
+ }),
349
+ (i[r].l = 1 * new Date());
350
+ (a = s.createElement(o)), (m = s.getElementsByTagName(o)[0]);
351
+ a.async = 1;
352
+ a.src = g;
353
+ m.parentNode.insertBefore(a, m);
354
+ })(
355
+ window,
356
+ document,
357
+ "script",
358
+ "https://www.google-analytics.com/analytics.js",
359
+ "ganalytics"
360
+ );
361
+ ganalytics("create", "UA-83738774-2", "auto");
362
+ ganalytics("send", "pageview");
363
+ }
364
+ </script>
365
+ </body>
366
+ </html>
tokenizer_config.json ADDED
@@ -0,0 +1,394 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <!DOCTYPE html>
2
+ <html class="">
3
+ <head>
4
+ <meta charset="utf-8" />
5
+ <meta name="viewport" content="width=device-width, initial-scale=1.0, user-scalable=no" />
6
+ <meta name="description" content="We’re on a journey to advance and democratize artificial intelligence through open source and open science." />
7
+ <meta property="fb:app_id" content="1321688464574422" />
8
+ <meta name="twitter:card" content="summary_large_image" />
9
+ <meta name="twitter:site" content="@huggingface" />
10
+ <meta property="og:title" content="tokenizer_config.json · bigcode/santacoder at main" />
11
+ <meta property="og:type" content="website" />
12
+ <meta property="og:url" content="https://huggingface.co/bigcode/santacoder/blob/main/tokenizer_config.json" />
13
+ <meta property="og:image" content="https://thumbnails.huggingface.co/social-thumbnails/models/bigcode/santacoder.png" />
14
+
15
+ <link rel="stylesheet" href="/front/build/style.84db37849.css" />
16
+
17
+ <link rel="preconnect" href="https://fonts.gstatic.com" />
18
+ <link
19
+ href="https://fonts.googleapis.com/css2?family=Source+Sans+Pro:ital,wght@0,200;0,300;0,400;0,600;0,700;0,900;1,200;1,300;1,400;1,600;1,700;1,900&display=swap"
20
+ rel="stylesheet"
21
+ />
22
+ <link
23
+ href="https://fonts.googleapis.com/css2?family=IBM+Plex+Mono:wght@400;600;700&display=swap"
24
+ rel="stylesheet"
25
+ />
26
+ <link rel="stylesheet" href="https://cdn.jsdelivr.net/npm/[email protected]/dist/katex.min.css" />
27
+
28
+ <style data-svelte="svelte-np4f0n">.blob-line-num::before {
29
+ content: attr(line-num);
30
+ }
31
+ </style>
32
+
33
+ <title>tokenizer_config.json · bigcode/santacoder at main</title>
34
+ </head>
35
+ <body class="flex flex-col min-h-screen bg-white dark:bg-gray-950 text-black ViewerBlobPage">
36
+ <div class="flex flex-col min-h-screen "><div class="SVELTE_HYDRATER contents" data-props="{&quot;hfCloudName&quot;:&quot;private&quot;,&quot;isAuth&quot;:false,&quot;isHfCloud&quot;:false,&quot;isWide&quot;:false}" data-target="MainHeader"><header class="border-b border-gray-100"><div class="w-full px-4 lg:px-6 xl:container flex items-center h-16"><div class="flex flex-1 items-center"><a class="flex flex-none items-center mr-5 lg:mr-6" href="/"><img alt="Hugging Face's logo" class="md:mr-2 w-7" src="/front/assets/huggingface_logo-noborder.svg">
37
+ <span class="hidden text-lg font-bold whitespace-nowrap md:block">Hugging Face</span></a>
38
+
39
+ <div class="relative flex-1 lg:max-w-sm mr-2 sm:mr-4 lg:mr-6"><input autocomplete="off" class="w-full dark:bg-gray-950 pl-8
40
+ form-input-alt h-9 pr-3 focus:shadow-xl" name="" placeholder="Search models, datasets, users..." spellcheck="false" type="text">
41
+ <svg class="absolute left-2.5 text-gray-400 top-1/2 transform -translate-y-1/2" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 28.59L22.45 21A11 11 0 1 0 21 22.45L28.59 30zM5 14a9 9 0 1 1 9 9a9 9 0 0 1-9-9z" fill="currentColor"></path></svg>
42
+ </div>
43
+ <button class="lg:hidden relative flex-none place-self-stretch flex items-center justify-center w-8" type="button"><svg width="1em" height="1em" viewBox="0 0 10 10" class="text-xl" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" fill="currentColor"><path fill-rule="evenodd" clip-rule="evenodd" d="M1.65039 2.9999C1.65039 2.8066 1.80709 2.6499 2.00039 2.6499H8.00039C8.19369 2.6499 8.35039 2.8066 8.35039 2.9999C8.35039 3.1932 8.19369 3.3499 8.00039 3.3499H2.00039C1.80709 3.3499 1.65039 3.1932 1.65039 2.9999ZM1.65039 4.9999C1.65039 4.8066 1.80709 4.6499 2.00039 4.6499H8.00039C8.19369 4.6499 8.35039 4.8066 8.35039 4.9999C8.35039 5.1932 8.19369 5.3499 8.00039 5.3499H2.00039C1.80709 5.3499 1.65039 5.1932 1.65039 4.9999ZM2.00039 6.6499C1.80709 6.6499 1.65039 6.8066 1.65039 6.9999C1.65039 7.1932 1.80709 7.3499 2.00039 7.3499H8.00039C8.19369 7.3499 8.35039 7.1932 8.35039 6.9999C8.35039 6.8066 8.19369 6.6499 8.00039 6.6499H2.00039Z"></path></svg>
44
+ </button>
45
+
46
+ </div>
47
+ <nav aria-label="Main" class="ml-auto hidden lg:block"><ul class="flex items-center space-x-2"><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-indigo-700" href="/models"><svg class="mr-1.5 text-gray-400 group-hover:text-indigo-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
48
+ Models</a>
49
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-red-700" href="/datasets"><svg class="mr-1.5 text-gray-400 group-hover:text-red-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 25 25"><ellipse cx="12.5" cy="5" fill="currentColor" fill-opacity="0.25" rx="7.5" ry="2"></ellipse><path d="M12.5 15C16.6421 15 20 14.1046 20 13V20C20 21.1046 16.6421 22 12.5 22C8.35786 22 5 21.1046 5 20V13C5 14.1046 8.35786 15 12.5 15Z" fill="currentColor" opacity="0.5"></path><path d="M12.5 7C16.6421 7 20 6.10457 20 5V11.5C20 12.6046 16.6421 13.5 12.5 13.5C8.35786 13.5 5 12.6046 5 11.5V5C5 6.10457 8.35786 7 12.5 7Z" fill="currentColor" opacity="0.5"></path><path d="M5.23628 12C5.08204 12.1598 5 12.8273 5 13C5 14.1046 8.35786 15 12.5 15C16.6421 15 20 14.1046 20 13C20 12.8273 19.918 12.1598 19.7637 12C18.9311 12.8626 15.9947 13.5 12.5 13.5C9.0053 13.5 6.06886 12.8626 5.23628 12Z" fill="currentColor"></path></svg>
50
+ Datasets</a>
51
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-blue-700" href="/spaces"><svg class="mr-1.5 text-gray-400 group-hover:text-blue-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 25 25"><path opacity=".5" d="M6.016 14.674v4.31h4.31v-4.31h-4.31ZM14.674 14.674v4.31h4.31v-4.31h-4.31ZM6.016 6.016v4.31h4.31v-4.31h-4.31Z" fill="currentColor"></path><path opacity=".75" fill-rule="evenodd" clip-rule="evenodd" d="M3 4.914C3 3.857 3.857 3 4.914 3h6.514c.884 0 1.628.6 1.848 1.414a5.171 5.171 0 0 1 7.31 7.31c.815.22 1.414.964 1.414 1.848v6.514A1.914 1.914 0 0 1 20.086 22H4.914A1.914 1.914 0 0 1 3 20.086V4.914Zm3.016 1.102v4.31h4.31v-4.31h-4.31Zm0 12.968v-4.31h4.31v4.31h-4.31Zm8.658 0v-4.31h4.31v4.31h-4.31Zm0-10.813a2.155 2.155 0 1 1 4.31 0 2.155 2.155 0 0 1-4.31 0Z" fill="currentColor"></path><path opacity=".25" d="M16.829 6.016a2.155 2.155 0 1 0 0 4.31 2.155 2.155 0 0 0 0-4.31Z" fill="currentColor"></path></svg>
52
+ Spaces</a>
53
+ </li><li><a class="flex items-center group px-2 py-0.5 dark:hover:text-gray-400 hover:text-yellow-700" href="/docs"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="mr-1.5 text-gray-400 group-hover:text-yellow-500" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path opacity="0.5" d="M20.9022 5.10334L10.8012 10.8791L7.76318 9.11193C8.07741 8.56791 8.5256 8.11332 9.06512 7.7914L15.9336 3.73907C17.0868 3.08811 18.5002 3.26422 19.6534 3.91519L19.3859 3.73911C19.9253 4.06087 20.5879 4.56025 20.9022 5.10334Z" fill="currentColor"></path><path d="M10.7999 10.8792V28.5483C10.2136 28.5475 9.63494 28.4139 9.10745 28.1578C8.5429 27.8312 8.074 27.3621 7.74761 26.7975C7.42122 26.2327 7.24878 25.5923 7.24756 24.9402V10.9908C7.25062 10.3319 7.42358 9.68487 7.74973 9.1123L10.7999 10.8792Z" fill="currentColor" fill-opacity="0.75"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M21.3368 10.8499V6.918C21.3331 6.25959 21.16 5.61234 20.8346 5.03949L10.7971 10.8727L10.8046 10.874L21.3368 10.8499Z" fill="currentColor"></path><path opacity="0.5" d="M21.7937 10.8488L10.7825 10.8741V28.5486L21.7937 28.5234C23.3344 28.5234 24.5835 27.2743 24.5835 25.7335V13.6387C24.5835 12.0979 23.4365 11.1233 21.7937 10.8488Z" fill="currentColor"></path></svg>
54
+ Docs</a>
55
+ </li>
56
+ <li><div class="relative ">
57
+ <button class="px-2 py-0.5 group hover:text-green-700 dark:hover:text-gray-400 flex items-center
58
+ " type="button">
59
+ <svg class="mr-1.5 text-gray-400 group-hover:text-green-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M19 6H5a3 3 0 0 0-3 3v2.72L8.837 14h6.326L22 11.72V9a3 3 0 0 0-3-3z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M10 6V5h4v1h2V5a2.002 2.002 0 0 0-2-2h-4a2.002 2.002 0 0 0-2 2v1h2zm-1.163 8L2 11.72V18a3.003 3.003 0 0 0 3 3h14a3.003 3.003 0 0 0 3-3v-6.28L15.163 14H8.837z" fill="currentColor"></path></svg>
60
+ Solutions
61
+ </button>
62
+
63
+
64
+
65
+ </div></li>
66
+
67
+ <li><a class="flex items-center group px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-400" href="/pricing" data-ga-category="header-menu" data-ga-action="clicked pricing" data-ga-label="pricing">Pricing
68
+ </a></li>
69
+
70
+ <li><div class="relative group">
71
+ <button class="px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-600 flex items-center
72
+ " type="button">
73
+ <svg class="mr-1.5 text-gray-500 w-5 group-hover:text-gray-400 dark:text-gray-300 dark:group-hover:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 32 18" preserveAspectRatio="xMidYMid meet"><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 3.30221C14.4504 2.836 14.8284 2.45807 15.2946 2.45807H28.4933C28.9595 2.45807 29.3374 2.836 29.3374 3.30221C29.3374 3.76842 28.9595 4.14635 28.4933 4.14635H15.2946C14.8284 4.14635 14.4504 3.76842 14.4504 3.30221Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 9.00002C14.4504 8.53382 14.8284 8.15588 15.2946 8.15588H28.4933C28.9595 8.15588 29.3374 8.53382 29.3374 9.00002C29.3374 9.46623 28.9595 9.84417 28.4933 9.84417H15.2946C14.8284 9.84417 14.4504 9.46623 14.4504 9.00002Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 14.6978C14.4504 14.2316 14.8284 13.8537 15.2946 13.8537H28.4933C28.9595 13.8537 29.3374 14.2316 29.3374 14.6978C29.3374 15.164 28.9595 15.542 28.4933 15.542H15.2946C14.8284 15.542 14.4504 15.164 14.4504 14.6978Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M1.94549 6.87377C2.27514 6.54411 2.80962 6.54411 3.13928 6.87377L6.23458 9.96907L9.32988 6.87377C9.65954 6.54411 10.194 6.54411 10.5237 6.87377C10.8533 7.20343 10.8533 7.73791 10.5237 8.06756L6.23458 12.3567L1.94549 8.06756C1.61583 7.73791 1.61583 7.20343 1.94549 6.87377Z" fill="currentColor"></path></svg>
74
+
75
+ </button>
76
+
77
+
78
+
79
+ </div></li>
80
+ <li><hr class="w-0.5 h-5 border-none bg-gray-100 dark:bg-gray-800"></li>
81
+
82
+ <li><a class="px-2 py-0.5 block cursor-pointer hover:text-gray-500 dark:hover:text-gray-400" href="/login">Log In
83
+ </a></li>
84
+ <li><a class="ml-2 btn" href="/join">Sign Up </a></li></ul></nav></div></header></div>
85
+
86
+
87
+ <main class="flex flex-col flex-1 "><header class="bg-gradient-to-t from-gray-50-to-white via-white dark:via-gray-950
88
+ pt-10"><div class="container relative"><h1 class="flex items-center flex-wrap text-lg leading-tight
89
+ mb-2 md:text-xl ">
90
+ <div class="flex items-center mb-1 group"><div class="flex items-center mr-1.5 relative">
91
+
92
+ <img alt="" class="w-3.5 h-3.5 rounded " src="https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1659521200179-5e48005437cb5b49818287a5.png?w=200&amp;h=200&amp;f=face"></div>
93
+ <a href="/bigcode" class="font-sans text-gray-400 hover:text-blue-600">bigcode</a>
94
+ <div class="text-gray-300 mx-0.5">/</div></div>
95
+
96
+ <div class="max-w-full mb-1"><a class="font-mono font-semibold break-words" href="/bigcode/santacoder">santacoder</a>
97
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;classNames&quot;:&quot;mr-4&quot;,&quot;title&quot;:&quot;Copy model name to clipboard&quot;,&quot;value&quot;:&quot;bigcode/santacoder&quot;}" data-target="CopyButton"><button class="inline-flex items-center relative bg-white text-sm focus:text-green-500 cursor-pointer focus:outline-none
98
+ mr-4
99
+ mx-0.5
100
+
101
+
102
+ text-gray-600
103
+
104
+ " title="Copy model name to clipboard" type="button"><svg class="" xmlns="http://www.w3.org/2000/svg" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M28,10V28H10V10H28m0-2H10a2,2,0,0,0-2,2V28a2,2,0,0,0,2,2H28a2,2,0,0,0,2-2V10a2,2,0,0,0-2-2Z" transform="translate(0)"></path><path d="M4,18H2V4A2,2,0,0,1,4,2H18V4H4Z" transform="translate(0)"></path><rect fill="none" width="32" height="32"></rect></svg>
105
+
106
+ <div class="
107
+ absolute pointer-events-none transition-opacity bg-black text-white py-1 px-2 leading-tight rounded font-normal shadow
108
+ left-1/2 top-full transform -translate-x-1/2 translate-y-2
109
+ opacity-0
110
+ "><div class="absolute bottom-full left-1/2 transform -translate-x-1/2 w-0 h-0 border-black border-4 border-t-0" style="
111
+ border-left-color: transparent;
112
+ border-right-color: transparent;
113
+ "></div>
114
+ Copied</div></button></div></div>
115
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;isLoggedIn&quot;:false,&quot;classNames&quot;:&quot;mr-2 xl:mr-3 mb-1&quot;,&quot;isLikedByUser&quot;:false,&quot;likes&quot;:73,&quot;repoId&quot;:&quot;bigcode/santacoder&quot;,&quot;repoType&quot;:&quot;model&quot;}" data-target="LikeButton"><div class="inline-flex items-center border leading-none whitespace-nowrap text-sm rounded-md text-gray-500 overflow-hidden bg-white
116
+ mr-2 xl:mr-3 mb-1"><button class="relative flex items-center px-1.5 py-1 hover:bg-gradient-to-t focus:outline-none from-red-50 to-transparent dark:from-red-900 dark:to-red-800 overflow-hidden" title="Like"><svg class="mr-1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.45,6a5.47,5.47,0,0,1,3.91,1.64,5.7,5.7,0,0,1,0,8L16,26.13,5.64,15.64a5.7,5.7,0,0,1,0-8,5.48,5.48,0,0,1,7.82,0L16,10.24l2.53-2.58A5.44,5.44,0,0,1,22.45,6m0-2a7.47,7.47,0,0,0-5.34,2.24L16,7.36,14.89,6.24a7.49,7.49,0,0,0-10.68,0,7.72,7.72,0,0,0,0,10.82L16,29,27.79,17.06a7.72,7.72,0,0,0,0-10.82A7.49,7.49,0,0,0,22.45,4Z"></path></svg>
117
+
118
+ <svg class="mr-1 absolute text-red-500 origin-center transform transition ease-in\n\t\t\t\ttranslate-y-10 scale-0" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.5,4c-2,0-3.9,0.8-5.3,2.2L16,7.4l-1.1-1.1C12,3.3,7.2,3.3,4.3,6.2c0,0-0.1,0.1-0.1,0.1c-3,3-3,7.8,0,10.8L16,29l11.8-11.9c3-3,3-7.8,0-10.8C26.4,4.8,24.5,4,22.5,4z"></path></svg>
119
+ like
120
+ </button>
121
+ <button class="flex items-center px-1.5 py-1 border-l text-gray-400 focus:outline-none hover:bg-gray-50 dark:hover:bg-gray-900 dark:focus:bg-gray-800 focus:bg-gray-100 " title="See users who liked this repository">73</button></div>
122
+ </div>
123
+ </h1>
124
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;tagObjs&quot;:[{&quot;id&quot;:&quot;text-generation&quot;,&quot;label&quot;:&quot;Text Generation&quot;,&quot;subType&quot;:&quot;nlp&quot;,&quot;type&quot;:&quot;pipeline_tag&quot;},{&quot;id&quot;:&quot;pytorch&quot;,&quot;label&quot;:&quot;PyTorch&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;transformers&quot;,&quot;label&quot;:&quot;Transformers&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;dataset:bigcode/the-stack&quot;,&quot;label&quot;:&quot;bigcode/the-stack&quot;,&quot;type&quot;:&quot;dataset&quot;,&quot;disabled&quot;:false},{&quot;id&quot;:&quot;code&quot;,&quot;label&quot;:&quot;code&quot;,&quot;type&quot;:&quot;language&quot;},{&quot;id&quot;:&quot;arxiv:1911.02150&quot;,&quot;label&quot;:&quot;arxiv:1911.02150&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2207.14255&quot;,&quot;label&quot;:&quot;arxiv:2207.14255&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2301.03988&quot;,&quot;label&quot;:&quot;arxiv:2301.03988&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;gpt2&quot;,&quot;label&quot;:&quot;gpt2&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;model-index&quot;,&quot;label&quot;:&quot;Eval Results&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;has_space&quot;,&quot;label&quot;:&quot;Has a Space&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;license:openrail&quot;,&quot;label&quot;:&quot;openrail&quot;,&quot;type&quot;:&quot;license&quot;}]}" data-target="ModelHeaderTags"><div class="flex flex-wrap mb-3 md:mb-4"><a class="tag
125
+ tag-white" href="/models?pipeline_tag=text-generation"><div class="tag-ico tag-ico-indigo"><svg class="" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 18 18"><path d="M16.2607 8.08202L14.468 6.28928C14.3063 6.12804 14.0873 6.03749 13.859 6.03749C13.6307 6.03749 13.4117 6.12804 13.25 6.28928L5.6375 13.904V16.9125H8.64607L16.2607 9.30002C16.422 9.13836 16.5125 8.91935 16.5125 8.69102C16.5125 8.4627 16.422 8.24369 16.2607 8.08202V8.08202ZM8.1953 15.825H6.725V14.3547L11.858 9.22118L13.3288 10.6915L8.1953 15.825ZM14.0982 9.92262L12.6279 8.45232L13.8606 7.21964L15.3309 8.68994L14.0982 9.92262Z"></path><path d="M6.18125 9.84373H7.26875V6.03748H8.9V4.94998H4.55V6.03748H6.18125V9.84373Z"></path><path d="M4.55 11.475H2.375V2.775H11.075V4.95H12.1625V2.775C12.1625 2.48658 12.0479 2.20997 11.844 2.00602C11.64 1.80208 11.3634 1.6875 11.075 1.6875H2.375C2.08658 1.6875 1.80997 1.80208 1.60602 2.00602C1.40207 2.20997 1.2875 2.48658 1.2875 2.775V11.475C1.2875 11.7634 1.40207 12.04 1.60602 12.244C1.80997 12.4479 2.08658 12.5625 2.375 12.5625H4.55V11.475Z"></path></svg></div>
126
+ <span>Text Generation</span>
127
+ </a><a class="tag
128
+ tag-white" href="/models?library=pytorch"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><defs><clipPath id="a"><rect x="3.05" y="0.5" width="25.73" height="31" fill="none"></rect></clipPath></defs><g clip-path="url(#a)"><path d="M24.94,9.51a12.81,12.81,0,0,1,0,18.16,12.68,12.68,0,0,1-18,0,12.81,12.81,0,0,1,0-18.16l9-9V5l-.84.83-6,6a9.58,9.58,0,1,0,13.55,0ZM20.44,9a1.68,1.68,0,1,1,1.67-1.67A1.68,1.68,0,0,1,20.44,9Z" fill="#ee4c2c"></path></g></svg>
129
+ <span>PyTorch</span>
130
+ </a><a class="tag
131
+ tag-white" href="/models?library=transformers"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 90 90"><defs><mask id="a" x="31.46" y="42.5" width="26" height="25" maskUnits="userSpaceOnUse"><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#fff"></path></mask></defs><path d="M44.71,77.5A34.75,34.75,0,1,0,10,42.75,34.75,34.75,0,0,0,44.71,77.5Z" fill="#ffd21e"></path><path d="M79.46,42.75A34.75,34.75,0,1,0,44.71,77.5,34.75,34.75,0,0,0,79.46,42.75ZM6,42.75A38.75,38.75,0,1,1,44.71,81.5,38.75,38.75,0,0,1,6,42.75Z" fill="#ff9d0b"></path><path d="M56,33.29c1.28.45,1.78,3.07,3.07,2.39a5,5,0,1,0-6.76-2.07C52.92,34.76,54.86,32.89,56,33.29Z" fill="#3a3b45"></path><path d="M32.45,33.29c-1.28.45-1.79,3.07-3.07,2.39a5,5,0,1,1,6.76-2.07C35.53,34.76,33.58,32.89,32.45,33.29Z" fill="#3a3b45"></path><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#3a3b45"></path><g mask="url(#a)"><path d="M44.71,67.5a8.68,8.68,0,0,0,3-16.81l-.36-.13c-.84-.26-1.73,2.6-2.65,2.6S43,50.28,42.23,50.51a8.68,8.68,0,0,0,2.48,17Z" fill="#f94040"></path></g><path d="M68.21,38A3.25,3.25,0,1,0,65,34.75,3.25,3.25,0,0,0,68.21,38Z" fill="#ff9d0b"></path><path d="M21.71,38a3.25,3.25,0,1,0-3.25-3.25A3.25,3.25,0,0,0,21.71,38Z" fill="#ff9d0b"></path><path d="M15,49A5.22,5.22,0,0,0,11,50.87a5.92,5.92,0,0,0-1.33,3.75,7.28,7.28,0,0,0-1.94-.3A5.3,5.3,0,0,0,3.74,56a5.8,5.8,0,0,0-1.59,4.79A5.58,5.58,0,0,0,2.94,63a5.42,5.42,0,0,0-1.79,2.82,5.88,5.88,0,0,0,.79,4.74c-.08.12-.15.26-.22.39a5.2,5.2,0,0,0-.14,4.63c1,2.32,3.57,4.14,8.52,6.11,3.07,1.21,5.89,2,5.91,2a44.12,44.12,0,0,0,10.93,1.59c5.86,0,10.05-1.79,12.46-5.33C43.28,74.25,42.73,69,37.71,64a27.53,27.53,0,0,1-5-7.77c-.77-2.66-2.83-5.62-6.24-5.62h0a5.07,5.07,0,0,0-.86.07,5.68,5.68,0,0,0-3.73,2.38A13.22,13.22,0,0,0,19,50.28,7.41,7.41,0,0,0,15,49Zm0,4a3.6,3.6,0,0,1,1.82.65C19,55,23.09,62.08,24.6,64.83a2.43,2.43,0,0,0,2.14,1.31c1.55,0,2.75-1.53.15-3.48-3.92-2.93-2.55-7.72-.68-8a1,1,0,0,1,.24,0c1.7,0,2.45,2.93,2.45,2.93a31.55,31.55,0,0,0,6,9.29c3.77,3.77,4,6.8,1.22,10.84-1.88,2.75-5.47,3.58-9.16,3.58A41.51,41.51,0,0,1,17,79.81c-.11,0-13.45-3.8-11.76-7a1.39,1.39,0,0,1,1.34-.76c2.38,0,6.71,3.54,8.57,3.54A.77.77,0,0,0,16,75c.79-2.84-12.06-4-11-8.16a1.31,1.31,0,0,1,1.44-1c3.14,0,10.2,5.53,11.68,5.53a.28.28,0,0,0,.24-.11c.74-1.19.33-2-4.89-5.19S4.6,61,6.68,58.7a1.3,1.3,0,0,1,1-.38c3.17,0,10.66,6.82,10.66,6.82s2,2.1,3.25,2.1a.74.74,0,0,0,.68-.38c.86-1.46-8.06-8.22-8.56-11C13.37,54,14,53,15,53Z" fill="#ff9d0b"></path><path d="M36.1,77.69c2.75-4,2.55-7.07-1.22-10.84a31.55,31.55,0,0,1-6-9.29s-.82-3.21-2.69-2.91-3.24,5.08.68,8-.78,4.92-2.29,2.17S19,55,16.84,53.65s-3.63-.59-3.13,2.2,9.43,9.55,8.56,11-3.93-1.72-3.93-1.72S8.77,56.43,6.68,58.7,8.27,62.87,13.49,66s5.63,4,4.89,5.19S6.1,62.7,5,66.82,16.79,72.14,16,75,6.94,69.6,5.26,72.8s11.65,7,11.76,7C21.33,80.93,32.27,83.3,36.1,77.69Z" fill="#ffd21e"></path><path d="M74.9,49A5.21,5.21,0,0,1,79,50.87a5.92,5.92,0,0,1,1.33,3.75,7.35,7.35,0,0,1,2-.3A5.3,5.3,0,0,1,86.19,56a5.83,5.83,0,0,1,1.59,4.79A5.75,5.75,0,0,1,87,63a5.3,5.3,0,0,1,1.79,2.82A5.88,5.88,0,0,1,88,70.55c.08.12.16.26.23.39a5.26,5.26,0,0,1,.14,4.63c-1,2.32-3.58,4.14-8.52,6.11-3.08,1.21-5.89,2-5.92,2A44.12,44.12,0,0,1,63,85.27c-5.86,0-10-1.79-12.46-5.33C46.64,74.25,47.19,69,52.22,64a27.19,27.19,0,0,0,5-7.77c.78-2.66,2.83-5.62,6.24-5.62h0a4.91,4.91,0,0,1,.86.07,5.7,5.7,0,0,1,3.74,2.38,12.79,12.79,0,0,1,2.87-2.8A7.35,7.35,0,0,1,74.9,49Zm0,4a3.63,3.63,0,0,0-1.82.65C71,55,66.83,62.08,65.32,64.83a2.42,2.42,0,0,1-2.14,1.31c-1.54,0-2.75-1.53-.14-3.48,3.91-2.93,2.54-7.72.67-8a1,1,0,0,0-.24,0c-1.7,0-2.45,2.93-2.45,2.93a31.65,31.65,0,0,1-6,9.29c-3.78,3.77-4,6.8-1.22,10.84,1.87,2.75,5.47,3.58,9.15,3.58a41.61,41.61,0,0,0,9.93-1.46c.1,0,13.45-3.8,11.76-7a1.4,1.4,0,0,0-1.34-.76c-2.38,0-6.71,3.54-8.57,3.54a.76.76,0,0,1-.83-.61c-.8-2.84,12-4,11-8.16a1.31,1.31,0,0,0-1.44-1c-3.14,0-10.2,5.53-11.68,5.53a.25.25,0,0,1-.23-.11c-.74-1.19-.34-2,4.88-5.19S85.32,61,83.24,58.7a1.29,1.29,0,0,0-1-.38c-3.18,0-10.67,6.82-10.67,6.82s-2,2.1-3.24,2.1a.74.74,0,0,1-.68-.38c-.87-1.46,8-8.22,8.55-11C76.55,54,76,53,74.9,53Z" fill="#ff9d0b"></path><path d="M53.83,77.69c-2.75-4-2.56-7.07,1.22-10.84a31.65,31.65,0,0,0,6-9.29s.82-3.21,2.69-2.91,3.24,5.08-.67,8,.78,4.92,2.28,2.17S71,55,73.08,53.65s3.64-.59,3.13,2.2-9.42,9.55-8.55,11,3.92-1.72,3.92-1.72,9.58-8.71,11.66-6.44-1.58,4.17-6.8,7.33-5.63,4-4.89,5.19,12.27-8.52,13.35-4.4-11.76,5.32-11,8.16,9-5.38,10.74-2.18-11.65,7-11.76,7C68.6,80.93,57.65,83.3,53.83,77.69Z" fill="#ffd21e"></path></svg>
132
+ <span>Transformers</span>
133
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
134
+ <button class="
135
+ " type="button">
136
+
137
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
138
+ tag-indigo" href="/models?dataset=dataset:bigcode/the-stack"><svg class="flex-none ml-2 -mr-1 opacity-40" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 25 25"><ellipse cx="12.5" cy="5" fill="currentColor" fill-opacity="0.25" rx="7.5" ry="2"></ellipse><path d="M12.5 15C16.6421 15 20 14.1046 20 13V20C20 21.1046 16.6421 22 12.5 22C8.35786 22 5 21.1046 5 20V13C5 14.1046 8.35786 15 12.5 15Z" fill="currentColor" opacity="0.5"></path><path d="M12.5 7C16.6421 7 20 6.10457 20 5V11.5C20 12.6046 16.6421 13.5 12.5 13.5C8.35786 13.5 5 12.6046 5 11.5V5C5 6.10457 8.35786 7 12.5 7Z" fill="currentColor" opacity="0.5"></path><path d="M5.23628 12C5.08204 12.1598 5 12.8273 5 13C5 14.1046 8.35786 15 12.5 15C16.6421 15 20 14.1046 20 13C20 12.8273 19.918 12.1598 19.7637 12C18.9311 12.8626 15.9947 13.5 12.5 13.5C9.0053 13.5 6.06886 12.8626 5.23628 12Z" fill="currentColor"></path></svg>
139
+ <span>bigcode/the-stack</span>
140
+ </a>
141
+
142
+
143
+ </button>
144
+
145
+
146
+
147
+ </div><a class="tag
148
+ tag-green" href="/models?language=code"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="ml-2 text-green-600/80" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 10 10"><path fill-rule="evenodd" clip-rule="evenodd" d="M0.625 5C0.625 6.16032 1.08594 7.27312 1.90641 8.09359C2.72688 8.91406 3.83968 9.375 5 9.375C6.16032 9.375 7.27312 8.91406 8.09359 8.09359C8.91406 7.27312 9.375 6.16032 9.375 5C9.375 3.83968 8.91406 2.72688 8.09359 1.90641C7.27312 1.08594 6.16032 0.625 5 0.625C3.83968 0.625 2.72688 1.08594 1.90641 1.90641C1.08594 2.72688 0.625 3.83968 0.625 5ZM7.64365 7.48027C7.61734 7.50832 7.59054 7.53598 7.56326 7.56326C7.13828 7.98824 6.61864 8.2968 6.0539 8.46842C6.29802 8.11949 6.49498 7.64804 6.63475 7.09483C7.00845 7.18834 7.35014 7.3187 7.64365 7.48027ZM8.10076 6.87776C8.37677 6.42196 8.55005 5.90894 8.60556 5.37499H6.86808C6.85542 5.71597 6.82551 6.04557 6.77971 6.35841C7.25309 6.47355 7.68808 6.6414 8.062 6.85549C8.07497 6.86283 8.08789 6.87025 8.10076 6.87776ZM6.03795 6.22536C6.07708 5.95737 6.1044 5.67232 6.11705 5.37499H3.88295C3.89666 5.69742 3.92764 6.00542 3.9722 6.29287C4.37075 6.21726 4.79213 6.17749 5.224 6.17749C5.50054 6.17749 5.77294 6.19376 6.03795 6.22536ZM4.1261 7.02673C4.34894 7.84835 4.68681 8.375 5 8.375C5.32122 8.375 5.66839 7.82101 5.8908 6.963C5.67389 6.93928 5.45082 6.92699 5.224 6.92699C4.84316 6.92699 4.47332 6.96176 4.1261 7.02673ZM3.39783 7.21853C3.53498 7.71842 3.72038 8.14579 3.9461 8.46842C3.42141 8.30898 2.93566 8.03132 2.52857 7.65192C2.77253 7.48017 3.06711 7.33382 3.39783 7.21853ZM3.23916 6.48077C3.18263 6.13193 3.14625 5.76074 3.13192 5.37499H1.39444C1.4585 5.99112 1.67936 6.57938 2.03393 7.08403C2.3706 6.83531 2.78055 6.63162 3.23916 6.48077ZM1.39444 4.62499H3.13192C3.14615 4.24204 3.18211 3.87344 3.23794 3.52681C2.77814 3.37545 2.36731 3.17096 2.03024 2.92123C1.67783 3.42469 1.45828 4.011 1.39444 4.62499ZM2.5237 2.35262C2.76812 2.52552 3.06373 2.67281 3.39584 2.78875C3.53318 2.28573 3.71928 1.85578 3.9461 1.53158C3.41932 1.69166 2.93178 1.97089 2.5237 2.35262ZM3.97101 3.71489C3.92709 4.00012 3.89654 4.30547 3.88295 4.62499H6.11705C6.10453 4.33057 6.07761 4.04818 6.03909 3.78248C5.77372 3.81417 5.50093 3.83049 5.224 3.83049C4.79169 3.83049 4.3699 3.79065 3.97101 3.71489ZM5.8928 3.04476C5.67527 3.06863 5.45151 3.08099 5.224 3.08099C4.84241 3.08099 4.47186 3.04609 4.12405 2.98086C4.34686 2.1549 4.68584 1.625 5 1.625C5.32218 1.625 5.67048 2.18233 5.8928 3.04476ZM6.78083 3.6493C6.826 3.95984 6.85552 4.28682 6.86808 4.62499H8.60556C8.55029 4.09337 8.37827 3.58251 8.10436 3.1282C8.0903 3.1364 8.07618 3.14449 8.062 3.15249C7.68838 3.36641 7.25378 3.53417 6.78083 3.6493ZM7.64858 2.52499C7.35446 2.68754 7.0117 2.81868 6.63664 2.91268C6.49676 2.35623 6.29913 1.88209 6.0539 1.53158C6.61864 1.7032 7.13828 2.01176 7.56326 2.43674C7.59224 2.46572 7.62068 2.49514 7.64858 2.52499Z" fill="currentColor"></path></svg>
149
+ <span>code</span>
150
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
151
+ <button class="
152
+ " type="button">
153
+
154
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
155
+ tag-purple" href="/models?other=arxiv:1911.02150">
156
+ <span>arxiv:1911.02150</span>
157
+ </a>
158
+
159
+
160
+ </button>
161
+
162
+
163
+
164
+ </div><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
165
+ <button class="
166
+ " type="button">
167
+
168
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
169
+ tag-purple" href="/models?other=arxiv:2207.14255">
170
+ <span>arxiv:2207.14255</span>
171
+ </a>
172
+
173
+
174
+ </button>
175
+
176
+
177
+
178
+ </div><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
179
+ <button class="
180
+ " type="button">
181
+
182
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
183
+ tag-purple" href="/models?other=arxiv:2301.03988">
184
+ <span>arxiv:2301.03988</span>
185
+ </a>
186
+
187
+
188
+ </button>
189
+
190
+
191
+
192
+ </div><a class="tag
193
+ tag-purple" href="/models?other=gpt2">
194
+ <span>gpt2</span>
195
+ </a><a class="tag
196
+ tag-purple" href="/models?other=model-index"><svg class="ml-2 text-orange-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 30h-8V4h8z" fill="currentColor"></path><path d="M20 30h-8V12h8z" fill="currentColor"></path><path d="M10 30H2V18h8z" fill="currentColor"></path></svg>
197
+ <span>Eval Results</span>
198
+ </a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5 w-72">
199
+ <button class="
200
+ " type="button">
201
+
202
+ <a class="tag mr-0 mb-0 md:mr-0 md:mb-0
203
+ tag-white rounded-full" href="/models?license=license:openrail"><svg class="ml-2 text-xs text-gray-900" width="1em" height="1em" viewBox="0 0 10 10" fill="none" xmlns="http://www.w3.org/2000/svg"><path d="M1.46009 5.0945V6.88125C1.46009 7.25201 1.75937 7.55129 2.13012 7.55129C2.50087 7.55129 2.80016 7.25201 2.80016 6.88125V5.0945C2.80016 4.72375 2.50087 4.42446 2.13012 4.42446C1.75937 4.42446 1.46009 4.72375 1.46009 5.0945ZM4.14022 5.0945V6.88125C4.14022 7.25201 4.4395 7.55129 4.81026 7.55129C5.18101 7.55129 5.48029 7.25201 5.48029 6.88125V5.0945C5.48029 4.72375 5.18101 4.42446 4.81026 4.42446C4.4395 4.42446 4.14022 4.72375 4.14022 5.0945ZM1.23674 9.78473H8.38377C8.75452 9.78473 9.0538 9.48545 9.0538 9.1147C9.0538 8.74395 8.75452 8.44466 8.38377 8.44466H1.23674C0.865993 8.44466 0.566711 8.74395 0.566711 9.1147C0.566711 9.48545 0.865993 9.78473 1.23674 9.78473ZM6.82036 5.0945V6.88125C6.82036 7.25201 7.11964 7.55129 7.49039 7.55129C7.86114 7.55129 8.16042 7.25201 8.16042 6.88125V5.0945C8.16042 4.72375 7.86114 4.42446 7.49039 4.42446C7.11964 4.42446 6.82036 4.72375 6.82036 5.0945ZM4.39484 0.623142L0.865993 2.48137C0.682851 2.57517 0.566711 2.76725 0.566711 2.97273C0.566711 3.28094 0.816857 3.53109 1.12507 3.53109H8.49991C8.80365 3.53109 9.0538 3.28094 9.0538 2.97273C9.0538 2.76725 8.93766 2.57517 8.75452 2.48137L5.22568 0.623142C4.9666 0.484669 4.65391 0.484669 4.39484 0.623142V0.623142Z" fill="currentColor"></path></svg>
204
+ <span class="text-gray-400 !pr-0 -mr-1">License: </span>
205
+ <span>openrail</span>
206
+ </a>
207
+
208
+ </button>
209
+
210
+
211
+
212
+ </div></div></div>
213
+ <div class="border-b border-gray-100"><div class="flex flex-col-reverse lg:flex-row lg:items-center lg:justify-between"><div class="flex items-center h-12 -mb-px overflow-x-auto overflow-y-hidden"><a class="tab-alternate " href="/bigcode/santacoder"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
214
+ Model card
215
+
216
+
217
+ </a><a class="tab-alternate active" href="/bigcode/santacoder/tree/main"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M21 19h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-8h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0 4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M9 19a1 1 0 0 1-1-1V6a1 1 0 0 1 2 0v12a1 1 0 0 1-1 1zm-6-4.333a1 1 0 0 1-.64-1.769L3.438 12l-1.078-.898a1 1 0 0 1 1.28-1.538l2 1.667a1 1 0 0 1 0 1.538l-2 1.667a.999.999 0 0 1-.64.231z" fill="currentColor"></path></svg>
218
+ <span class="xl:hidden">Files</span>
219
+ <span class="hidden xl:inline">Files and versions</span>
220
+
221
+
222
+ </a><a class="tab-alternate " href="/bigcode/santacoder/discussions"><svg class="mr-1.5 text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M20.6081 3C21.7684 3 22.8053 3.49196 23.5284 4.38415C23.9756 4.93678 24.4428 5.82749 24.4808 7.16133C24.9674 7.01707 25.4353 6.93643 25.8725 6.93643C26.9833 6.93643 27.9865 7.37587 28.696 8.17411C29.6075 9.19872 30.0124 10.4579 29.8361 11.7177C29.7523 12.3177 29.5581 12.8555 29.2678 13.3534C29.8798 13.8646 30.3306 14.5763 30.5485 15.4322C30.719 16.1032 30.8939 17.5006 29.9808 18.9403C30.0389 19.0342 30.0934 19.1319 30.1442 19.2318C30.6932 20.3074 30.7283 21.5229 30.2439 22.6548C29.5093 24.3704 27.6841 25.7219 24.1397 27.1727C21.9347 28.0753 19.9174 28.6523 19.8994 28.6575C16.9842 29.4379 14.3477 29.8345 12.0653 29.8345C7.87017 29.8345 4.8668 28.508 3.13831 25.8921C0.356375 21.6797 0.754104 17.8269 4.35369 14.1131C6.34591 12.058 7.67023 9.02782 7.94613 8.36275C8.50224 6.39343 9.97271 4.20438 12.4172 4.20438H12.4179C12.6236 4.20438 12.8314 4.2214 13.0364 4.25468C14.107 4.42854 15.0428 5.06476 15.7115 6.02205C16.4331 5.09583 17.134 4.359 17.7682 3.94323C18.7242 3.31737 19.6794 3 20.6081 3ZM20.6081 5.95917C20.2427 5.95917 19.7963 6.1197 19.3039 6.44225C17.7754 7.44319 14.8258 12.6772 13.7458 14.7131C13.3839 15.3952 12.7655 15.6837 12.2086 15.6837C11.1036 15.6837 10.2408 14.5497 12.1076 13.1085C14.9146 10.9402 13.9299 7.39584 12.5898 7.1776C12.5311 7.16799 12.4731 7.16355 12.4172 7.16355C11.1989 7.16355 10.6615 9.33114 10.6615 9.33114C10.6615 9.33114 9.0863 13.4148 6.38031 16.206C3.67434 18.998 3.5346 21.2388 5.50675 24.2246C6.85185 26.2606 9.42666 26.8753 12.0653 26.8753C14.8021 26.8753 17.6077 26.2139 19.1799 25.793C19.2574 25.7723 28.8193 22.984 27.6081 20.6107C27.4046 20.212 27.0693 20.0522 26.6471 20.0522C24.9416 20.0522 21.8393 22.6726 20.5057 22.6726C20.2076 22.6726 19.9976 22.5416 19.9116 22.222C19.3433 20.1173 28.552 19.2325 27.7758 16.1839C27.639 15.6445 27.2677 15.4256 26.746 15.4263C24.4923 15.4263 19.4358 19.5181 18.3759 19.5181C18.2949 19.5181 18.2368 19.4937 18.2053 19.4419C17.6743 18.557 17.9653 17.9394 21.7082 15.6009C25.4511 13.2617 28.0783 11.8545 26.5841 10.1752C26.4121 9.98141 26.1684 9.8956 25.8725 9.8956C23.6001 9.89634 18.2311 14.9403 18.2311 14.9403C18.2311 14.9403 16.7821 16.496 15.9057 16.496C15.7043 16.496 15.533 16.4139 15.4169 16.2112C14.7956 15.1296 21.1879 10.1286 21.5484 8.06535C21.7928 6.66715 21.3771 5.95917 20.6081 5.95917Z" fill="#FF9D00"></path><path d="M5.50686 24.2246C3.53472 21.2387 3.67446 18.9979 6.38043 16.206C9.08641 13.4147 10.6615 9.33111 10.6615 9.33111C10.6615 9.33111 11.2499 6.95933 12.59 7.17757C13.93 7.39581 14.9139 10.9401 12.1069 13.1084C9.29997 15.276 12.6659 16.7489 13.7459 14.713C14.8258 12.6772 17.7747 7.44316 19.304 6.44221C20.8326 5.44128 21.9089 6.00204 21.5484 8.06532C21.188 10.1286 14.795 15.1295 15.4171 16.2118C16.0391 17.2934 18.2312 14.9402 18.2312 14.9402C18.2312 14.9402 25.0907 8.49588 26.5842 10.1752C28.0776 11.8545 25.4512 13.2616 21.7082 15.6008C17.9646 17.9393 17.6744 18.557 18.2054 19.4418C18.7372 20.3266 26.9998 13.1351 27.7759 16.1838C28.5513 19.2324 19.3434 20.1173 19.9117 22.2219C20.48 24.3274 26.3979 18.2382 27.6082 20.6107C28.8193 22.9839 19.2574 25.7722 19.18 25.7929C16.0914 26.62 8.24723 28.3726 5.50686 24.2246Z" fill="#FFD21E"></path></svg>
223
+ Community
224
+ <div class="h-4 min-w-[1rem] px-1 rounded bg-black text-xs text-white shadow-sm items-center justify-center leading-none flex ml-1.5">13
225
+ </div>
226
+
227
+ </a>
228
+ </div>
229
+
230
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;model&quot;:{&quot;author&quot;:&quot;bigcode&quot;,&quot;cardData&quot;:{&quot;license&quot;:&quot;openrail&quot;,&quot;datasets&quot;:[&quot;bigcode/the-stack&quot;],&quot;language&quot;:[&quot;code&quot;],&quot;programming_language&quot;:[&quot;Java&quot;,&quot;JavaScript&quot;,&quot;Python&quot;],&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;inference&quot;:false,&quot;widget&quot;:[{&quot;text&quot;:&quot;def print_hello_world():&quot;,&quot;example_title&quot;:&quot;Hello world&quot;,&quot;group&quot;:&quot;Python&quot;}],&quot;model-index&quot;:[{&quot;name&quot;:&quot;SantaCoder&quot;,&quot;results&quot;:[{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.18,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.29,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.49,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.35,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.58,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.77,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.16,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.27,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.47,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Javascript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.51,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.7,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.15,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.26,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.41,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.59,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;loubnabnl/humaneval_infilling&quot;,&quot;name&quot;:&quot;HumanEval FIM (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.62,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.6,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;code_x_glue_ct_code_to_text&quot;,&quot;name&quot;:&quot;CodeXGLUE code-to-text (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;BLEU&quot;,&quot;type&quot;:&quot;bleu&quot;,&quot;value&quot;:18.13,&quot;verified&quot;:false}]}]}]},&quot;cardExists&quot;:true,&quot;config&quot;:{&quot;architectures&quot;:[&quot;GPT2LMHeadCustomModel&quot;],&quot;model_type&quot;:&quot;gpt2&quot;},&quot;discussionsDisabled&quot;:false,&quot;id&quot;:&quot;bigcode/santacoder&quot;,&quot;isLikedByUser&quot;:false,&quot;inference&quot;:false,&quot;lastModified&quot;:&quot;2023-01-17T22:06:49.000Z&quot;,&quot;likes&quot;:73,&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;library_name&quot;:&quot;transformers&quot;,&quot;model-index&quot;:[{&quot;name&quot;:&quot;SantaCoder&quot;,&quot;results&quot;:[{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.18,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.29,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.49,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.35,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.58,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.77,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.16,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.27,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.47,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Javascript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.51,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.7,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.15,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.26,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.41,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL MBPP (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;pass@1&quot;,&quot;type&quot;:&quot;pass@1&quot;,&quot;value&quot;:0.28,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@10&quot;,&quot;type&quot;:&quot;pass@10&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false},{&quot;name&quot;:&quot;pass@100&quot;,&quot;type&quot;:&quot;pass@100&quot;,&quot;value&quot;:0.59,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;loubnabnl/humaneval_infilling&quot;,&quot;name&quot;:&quot;HumanEval FIM (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.44,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (Java)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.62,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;nuprl/MultiPL-E&quot;,&quot;name&quot;:&quot;MultiPL HumanEval FIM (JavaScript)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;single_line&quot;,&quot;type&quot;:&quot;exact_match&quot;,&quot;value&quot;:0.6,&quot;verified&quot;:false}]},{&quot;task&quot;:{&quot;type&quot;:&quot;text-generation&quot;},&quot;dataset&quot;:{&quot;type&quot;:&quot;code_x_glue_ct_code_to_text&quot;,&quot;name&quot;:&quot;CodeXGLUE code-to-text (Python)&quot;},&quot;metrics&quot;:[{&quot;name&quot;:&quot;BLEU&quot;,&quot;type&quot;:&quot;bleu&quot;,&quot;value&quot;:18.13,&quot;verified&quot;:false}]}]}],&quot;private&quot;:false,&quot;gated&quot;:false,&quot;pwcLink&quot;:{&quot;url&quot;:&quot;https://paperswithcode.com/sota?task=text-generation&amp;dataset=MultiPL+HumanEval+%28Python%29&quot;},&quot;tags&quot;:[&quot;pytorch&quot;,&quot;gpt2&quot;,&quot;text-generation&quot;,&quot;code&quot;,&quot;dataset:bigcode/the-stack&quot;,&quot;arxiv:1911.02150&quot;,&quot;arxiv:2207.14255&quot;,&quot;arxiv:2301.03988&quot;,&quot;transformers&quot;,&quot;license:openrail&quot;,&quot;model-index&quot;,&quot;has_space&quot;],&quot;tag_objs&quot;:[{&quot;id&quot;:&quot;text-generation&quot;,&quot;label&quot;:&quot;Text Generation&quot;,&quot;subType&quot;:&quot;nlp&quot;,&quot;type&quot;:&quot;pipeline_tag&quot;},{&quot;id&quot;:&quot;pytorch&quot;,&quot;label&quot;:&quot;PyTorch&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;transformers&quot;,&quot;label&quot;:&quot;Transformers&quot;,&quot;type&quot;:&quot;library&quot;},{&quot;id&quot;:&quot;dataset:bigcode/the-stack&quot;,&quot;label&quot;:&quot;bigcode/the-stack&quot;,&quot;type&quot;:&quot;dataset&quot;,&quot;disabled&quot;:false},{&quot;id&quot;:&quot;code&quot;,&quot;label&quot;:&quot;code&quot;,&quot;type&quot;:&quot;language&quot;},{&quot;id&quot;:&quot;arxiv:1911.02150&quot;,&quot;label&quot;:&quot;arxiv:1911.02150&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2207.14255&quot;,&quot;label&quot;:&quot;arxiv:2207.14255&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;arxiv:2301.03988&quot;,&quot;label&quot;:&quot;arxiv:2301.03988&quot;,&quot;type&quot;:&quot;arxiv&quot;},{&quot;id&quot;:&quot;gpt2&quot;,&quot;label&quot;:&quot;gpt2&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;model-index&quot;,&quot;label&quot;:&quot;Eval Results&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;has_space&quot;,&quot;label&quot;:&quot;Has a Space&quot;,&quot;type&quot;:&quot;other&quot;},{&quot;id&quot;:&quot;license:openrail&quot;,&quot;label&quot;:&quot;openrail&quot;,&quot;type&quot;:&quot;license&quot;}],&quot;hasHandlerPy&quot;:false,&quot;transformersInfo&quot;:{&quot;auto_model&quot;:&quot;AutoModelWithLMHead&quot;,&quot;pipeline_tag&quot;:&quot;text-generation&quot;,&quot;processor&quot;:&quot;AutoTokenizer&quot;},&quot;widgetData&quot;:[{&quot;text&quot;:&quot;def print_hello_world():&quot;,&quot;example_title&quot;:&quot;Hello world&quot;,&quot;group&quot;:&quot;Python&quot;}]},&quot;canWrite&quot;:false}" data-target="ModelHeaderActions">
231
+
232
+
233
+ <div class="relative mb-1.5 flex flex-wrap sm:flex-nowrap lg:mb-0 gap-1.5"><div class="order-last sm:order-first"><div class="relative ">
234
+ <button class="btn px-1.5 py-1.5
235
+ " type="button">
236
+
237
+ <svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="p-0.5" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><circle cx="16" cy="7" r="3" fill="currentColor"></circle><circle cx="16" cy="16" r="3" fill="currentColor"></circle><circle cx="16" cy="25" r="3" fill="currentColor"></circle></svg>
238
+
239
+ </button>
240
+
241
+
242
+
243
+ </div>
244
+
245
+
246
+
247
+ </div>
248
+
249
+ <div class="flex-none w-full sm:w-auto"><div class="relative ">
250
+ <button class="text-sm btn
251
+ cursor-pointer w-full btn text-sm" type="button">
252
+ <svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12.1 2a9.8 9.8 0 0 0-5.4 1.6l6.4 6.4a2.1 2.1 0 0 1 .2 3a2.1 2.1 0 0 1-3-.2L3.7 6.4A9.84 9.84 0 0 0 2 12.1a10.14 10.14 0 0 0 10.1 10.1a10.9 10.9 0 0 0 2.6-.3l6.7 6.7a5 5 0 0 0 7.1-7.1l-6.7-6.7a10.9 10.9 0 0 0 .3-2.6A10 10 0 0 0 12.1 2zm8 10.1a7.61 7.61 0 0 1-.3 2.1l-.3 1.1l.8.8l6.7 6.7a2.88 2.88 0 0 1 .9 2.1A2.72 2.72 0 0 1 27 27a2.9 2.9 0 0 1-4.2 0l-6.7-6.7l-.8-.8l-1.1.3a7.61 7.61 0 0 1-2.1.3a8.27 8.27 0 0 1-5.7-2.3A7.63 7.63 0 0 1 4 12.1a8.33 8.33 0 0 1 .3-2.2l4.4 4.4a4.14 4.14 0 0 0 5.9.2a4.14 4.14 0 0 0-.2-5.9L10 4.2a6.45 6.45 0 0 1 2-.3a8.27 8.27 0 0 1 5.7 2.3a8.49 8.49 0 0 1 2.4 5.9z" fill="currentColor"></path></svg>
253
+ Train
254
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
255
+
256
+
257
+
258
+ </div>
259
+ </div>
260
+ <div class="flex-none w-full sm:w-auto"><div class="relative ">
261
+ <button class="text-sm btn
262
+ cursor-pointer w-full btn text-sm" type="button">
263
+ <svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><rect x="6.34" y="19" width="11.31" height="2" transform="translate(-10.63 14.34) rotate(-45)"></rect><path d="M17,30a1,1,0,0,1-.37-.07,1,1,0,0,1-.62-.79l-1-7,2-.28.75,5.27L21,24.52V17a1,1,0,0,1,.29-.71l4.07-4.07A8.94,8.94,0,0,0,28,5.86V4H26.14a8.94,8.94,0,0,0-6.36,2.64l-4.07,4.07A1,1,0,0,1,15,11H7.48L4.87,14.26l5.27.75-.28,2-7-1a1,1,0,0,1-.79-.62,1,1,0,0,1,.15-1l4-5A1,1,0,0,1,7,9h7.59l3.77-3.78A10.92,10.92,0,0,1,26.14,2H28a2,2,0,0,1,2,2V5.86a10.92,10.92,0,0,1-3.22,7.78L23,17.41V25a1,1,0,0,1-.38.78l-5,4A1,1,0,0,1,17,30Z"></path></svg>
264
+ Deploy
265
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
266
+
267
+
268
+
269
+ </div>
270
+ </div>
271
+ <div class="flex-auto sm:flex-none"><button class="cursor-pointer w-full
272
+
273
+ btn
274
+ text-sm" type="button" ><svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
275
+ Use in Transformers</button>
276
+ </div></div></div>
277
+ </div></div></div></header>
278
+
279
+ <div class="container relative flex flex-col md:grid md:space-y-0 w-full
280
+ md:grid-cols-12
281
+
282
+ space-y-4
283
+ md:gap-6
284
+ mb-16
285
+ "><section class="pt-8 border-gray-100 col-span-full"><header class="pb-2 flex items-center flex-wrap lg:flex-nowrap justify-start md:justify-end"><div class="flex flex-wrap items-center md:flex-grow mr-4 lg:flex-nowrap min-w-0 basis-auto md:basis-full lg:basis-auto"><div class="SVELTE_HYDRATER contents" data-props="{&quot;path&quot;:&quot;tokenizer_config.json&quot;,&quot;repoName&quot;:&quot;bigcode/santacoder&quot;,&quot;repoType&quot;:&quot;model&quot;,&quot;rev&quot;:&quot;main&quot;,&quot;refs&quot;:{&quot;branches&quot;:[{&quot;name&quot;:&quot;main&quot;,&quot;ref&quot;:&quot;refs/heads/main&quot;,&quot;targetCommit&quot;:&quot;3482bf48b7f24453cecabedc6261cca67c45f8a6&quot;},{&quot;name&quot;:&quot;bf16&quot;,&quot;ref&quot;:&quot;refs/heads/bf16&quot;,&quot;targetCommit&quot;:&quot;21002cdb1994d7a91581d4764a3263d5591f9b15&quot;},{&quot;name&quot;:&quot;comments&quot;,&quot;ref&quot;:&quot;refs/heads/comments&quot;,&quot;targetCommit&quot;:&quot;40c1e652a71a6444ab9302c35a6897c4ba3388d7&quot;},{&quot;name&quot;:&quot;dedup-alt&quot;,&quot;ref&quot;:&quot;refs/heads/dedup-alt&quot;,&quot;targetCommit&quot;:&quot;577ea39965d7c7a6a7a8492181ea52ce12cd5b7a&quot;},{&quot;name&quot;:&quot;dedup-alt-comments&quot;,&quot;ref&quot;:&quot;refs/heads/dedup-alt-comments&quot;,&quot;targetCommit&quot;:&quot;080e3b87d19ace8aa4f72c30e5458cab820644dc&quot;},{&quot;name&quot;:&quot;fertility&quot;,&quot;ref&quot;:&quot;refs/heads/fertility&quot;,&quot;targetCommit&quot;:&quot;ed725aa4a2f9871d370dfd96fc108db3fde4a84e&quot;},{&quot;name&quot;:&quot;fim&quot;,&quot;ref&quot;:&quot;refs/heads/fim&quot;,&quot;targetCommit&quot;:&quot;60a5975aef0766b02c6e473304a96329bff17221&quot;},{&quot;name&quot;:&quot;mha&quot;,&quot;ref&quot;:&quot;refs/heads/mha&quot;,&quot;targetCommit&quot;:&quot;3989eb0c659ff9992e0e5585c1360aaaf8fcf77f&quot;},{&quot;name&quot;:&quot;no-fim&quot;,&quot;ref&quot;:&quot;refs/heads/no-fim&quot;,&quot;targetCommit&quot;:&quot;83415b98df848a16c00a7a88f974b644899ef871&quot;},{&quot;name&quot;:&quot;stars&quot;,&quot;ref&quot;:&quot;refs/heads/stars&quot;,&quot;targetCommit&quot;:&quot;d33d4e0258e3bc5f7b5d59be493d158778364655&quot;}],&quot;tags&quot;:[],&quot;converts&quot;:[]},&quot;view&quot;:&quot;blob&quot;}" data-target="BranchSelector"><div class="relative mr-4 mb-2">
286
+ <button class="text-sm md:text-base
287
+ cursor-pointer w-full btn text-sm" type="button">
288
+ <svg class="mr-1.5 text-gray-700 dark:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M13 14c-3.36 0-4.46 1.35-4.82 2.24C9.25 16.7 10 17.76 10 19a3 3 0 0 1-3 3a3 3 0 0 1-3-3c0-1.31.83-2.42 2-2.83V7.83A2.99 2.99 0 0 1 4 5a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.31-.83 2.42-2 2.83v5.29c.88-.65 2.16-1.12 4-1.12c2.67 0 3.56-1.34 3.85-2.23A3.006 3.006 0 0 1 14 7a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.34-.88 2.5-2.09 2.86C17.65 11.29 16.68 14 13 14m-6 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1M7 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1m10 2a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1z" fill="currentColor"></path></svg>
289
+ main
290
+ <svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
291
+
292
+
293
+
294
+ </div></div>
295
+ <div class="flex items-center overflow-hidden mb-2"><a class="hover:underline text-gray-800 truncate" href="/bigcode/santacoder/tree/main">santacoder</a>
296
+ <span class="text-gray-300 mx-1">/</span>
297
+ <span class="dark:text-gray-300">tokenizer_config.json</span></div></div>
298
+
299
+
300
+ </header>
301
+ <div class="SVELTE_HYDRATER contents" data-props="{&quot;commitLast&quot;:{&quot;date&quot;:&quot;2023-01-06T21:26:53.000Z&quot;,&quot;subject&quot;:&quot;Add max length to tokenizer&quot;,&quot;authors&quot;:[{&quot;_id&quot;:&quot;5ebb6509a8e72729bee106a0&quot;,&quot;avatar&quot;:&quot;https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1633453199694-5ebb6509a8e72729bee106a0.png?w=200&amp;h=200&amp;f=face&quot;,&quot;isHf&quot;:false,&quot;user&quot;:&quot;ncoop57&quot;}],&quot;commit&quot;:{&quot;id&quot;:&quot;aaeed5256bf8ce467234f9b8b85cfadbe9c76508&quot;,&quot;parentIds&quot;:[&quot;cfee4c0f8d385dfd8b6729fbbe2ddf3f723e8d6c&quot;]},&quot;title&quot;:&quot;Add max length to tokenizer&quot;},&quot;repo&quot;:{&quot;name&quot;:&quot;bigcode/santacoder&quot;,&quot;type&quot;:&quot;model&quot;}}" data-target="LastCommit"><div class="border border-b-0 dark:border-gray-800 px-3 py-2 flex items-baseline rounded-t-lg bg-gradient-to-t from-gray-100-to-white"><img class="w-4 h-4 rounded-full mt-0.5 mr-2.5 self-center" alt="ncoop57's picture" src="https://aeiljuispo.cloudimg.io/v7/https://s3.amazonaws.com/moonup/production/uploads/1633453199694-5ebb6509a8e72729bee106a0.png?w=200&amp;h=200&amp;f=face">
302
+ <div class="mr-5 truncate flex items-center flex-none"><a class="hover:underline" href="/ncoop57">ncoop57
303
+ </a>
304
+
305
+ </div>
306
+ <div class="mr-4 font-mono text-sm text-gray-500 truncate hover:prose-a:underline">Add max length to tokenizer</div>
307
+ <a class="text-sm border dark:border-gray-800 px-1.5 rounded bg-gray-50 dark:bg-gray-900 hover:underline" href="/bigcode/santacoder/commit/aaeed5256bf8ce467234f9b8b85cfadbe9c76508">aaeed52</a>
308
+
309
+ <time class="ml-auto hidden lg:block text-gray-500 dark:text-gray-400 truncate flex-none pl-2" datetime="2023-01-06T21:26:53" title="Fri, 06 Jan 2023 21:26:53 GMT">18 days ago</time></div></div>
310
+ <div class="flex flex-wrap items-center px-3 py-1.5 border dark:border-gray-800 text-sm text-gray-800 dark:bg-gray-900">
311
+ <a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/raw/main/tokenizer_config.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
312
+ raw
313
+ </a><a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/commits/main/tokenizer_config.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M16 4C9.383 4 4 9.383 4 16s5.383 12 12 12s12-5.383 12-12S22.617 4 16 4zm0 2c5.535 0 10 4.465 10 10s-4.465 10-10 10S6 21.535 6 16S10.465 6 16 6zm-1 2v9h7v-2h-5V8z" fill="currentColor"></path></svg>
314
+ history
315
+ </a><a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/blame/main/tokenizer_config.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M16 2a14 14 0 1 0 14 14A14 14 0 0 0 16 2zm0 26a12 12 0 1 1 12-12a12 12 0 0 1-12 12z" fill="currentColor"></path><path d="M11.5 11a2.5 2.5 0 1 0 2.5 2.5a2.48 2.48 0 0 0-2.5-2.5z" fill="currentColor"></path><path d="M20.5 11a2.5 2.5 0 1 0 2.5 2.5a2.48 2.48 0 0 0-2.5-2.5z" fill="currentColor"></path></svg>
316
+ blame
317
+ </a><a class="flex items-center hover:underline my-1 mr-4 text-green-600 dark:text-gray-300" href="/bigcode/santacoder/edit/main/tokenizer_config.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M2 26h28v2H2z" fill="currentColor"></path><path d="M25.4 9c.8-.8.8-2 0-2.8l-3.6-3.6c-.8-.8-2-.8-2.8 0l-15 15V24h6.4l15-15zm-5-5L24 7.6l-3 3L17.4 7l3-3zM6 22v-3.6l10-10l3.6 3.6l-10 10H6z" fill="currentColor"></path></svg>
318
+ contribute
319
+ </a><a class="flex items-center hover:underline my-1 mr-4 " href="/bigcode/santacoder/delete/main/tokenizer_config.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12 12h2v12h-2z" fill="currentColor"></path><path d="M18 12h2v12h-2z" fill="currentColor"></path><path d="M4 6v2h2v20a2 2 0 0 0 2 2h16a2 2 0 0 0 2-2V8h2V6zm4 22V8h16v20z" fill="currentColor"></path><path d="M12 2h8v2h-8z" fill="currentColor"></path></svg>
320
+ delete
321
+ </a>
322
+
323
+
324
+ <div class="dark:text-gray-300 sm:ml-auto">363 Bytes</div></div>
325
+
326
+ <div class="border border-t-0 rounded-b-lg dark:bg-gray-925 dark:border-gray-800 leading-tight"><div class="py-3"><div class="SVELTE_HYDRATER contents" data-props="{&quot;lines&quot;:[&quot;{&quot;,&quot; &lt;span class=\\&quot;hljs-attr\\&quot;&gt;&amp;quot;name_or_path&amp;quot;&lt;/span&gt;: &lt;span class=\\&quot;hljs-string\\&quot;&gt;&amp;quot;bigcode/digit-bytelevel-bpe-jss-v1.1-49152&amp;quot;&lt;/span&gt;,&quot;,&quot; &lt;span class=\\&quot;hljs-attr\\&quot;&gt;&amp;quot;special_tokens_map_file&amp;quot;&lt;/span&gt;: &lt;span class=\\&quot;hljs-string\\&quot;&gt;&amp;quot;/Users/leandro/.cache/huggingface/hub/models--bigcode--digit-bytelevel-bpe-jss-v1.1-49152/snapshots/fa09b77949689a484afafc5f89534e6b6ba2c151/special_tokens_map.json&amp;quot;&lt;/span&gt;,&quot;,&quot; &lt;span class=\\&quot;hljs-attr\\&quot;&gt;&amp;quot;tokenizer_class&amp;quot;&lt;/span&gt;: &lt;span class=\\&quot;hljs-string\\&quot;&gt;&amp;quot;PreTrainedTokenizerFast&amp;quot;&lt;/span&gt;,&quot;,&quot; &lt;span class=\\&quot;hljs-attr\\&quot;&gt;&amp;quot;vocab_size&amp;quot;&lt;/span&gt;: &lt;span class=\\&quot;hljs-number\\&quot;&gt;49152&lt;/span&gt;,&quot;,&quot; &lt;span class=\\&quot;hljs-attr\\&quot;&gt;&amp;quot;model_max_length&amp;quot;&lt;/span&gt;: &lt;span class=\\&quot;hljs-number\\&quot;&gt;2048&lt;/span&gt;&quot;,&quot;}&quot;,&quot;&quot;]}" data-target="BlobContent">
327
+
328
+ <div class="relative text-sm"><div class="overflow-x-auto"><table class="border-collapse font-mono"><tbody><tr class="" id="L1">
329
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="1"></td>
330
+ <td class="px-3 overflow-visible whitespace-pre">{</td>
331
+ </tr><tr class="" id="L2">
332
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="2"></td>
333
+ <td class="px-3 overflow-visible whitespace-pre"> <span class="hljs-attr">&quot;name_or_path&quot;</span>: <span class="hljs-string">&quot;bigcode/digit-bytelevel-bpe-jss-v1.1-49152&quot;</span>,</td>
334
+ </tr><tr class="" id="L3">
335
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="3"></td>
336
+ <td class="px-3 overflow-visible whitespace-pre"> <span class="hljs-attr">&quot;special_tokens_map_file&quot;</span>: <span class="hljs-string">&quot;/Users/leandro/.cache/huggingface/hub/models--bigcode--digit-bytelevel-bpe-jss-v1.1-49152/snapshots/fa09b77949689a484afafc5f89534e6b6ba2c151/special_tokens_map.json&quot;</span>,</td>
337
+ </tr><tr class="" id="L4">
338
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="4"></td>
339
+ <td class="px-3 overflow-visible whitespace-pre"> <span class="hljs-attr">&quot;tokenizer_class&quot;</span>: <span class="hljs-string">&quot;PreTrainedTokenizerFast&quot;</span>,</td>
340
+ </tr><tr class="" id="L5">
341
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="5"></td>
342
+ <td class="px-3 overflow-visible whitespace-pre"> <span class="hljs-attr">&quot;vocab_size&quot;</span>: <span class="hljs-number">49152</span>,</td>
343
+ </tr><tr class="" id="L6">
344
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="6"></td>
345
+ <td class="px-3 overflow-visible whitespace-pre"> <span class="hljs-attr">&quot;model_max_length&quot;</span>: <span class="hljs-number">2048</span></td>
346
+ </tr><tr class="" id="L7">
347
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="7"></td>
348
+ <td class="px-3 overflow-visible whitespace-pre">}</td>
349
+ </tr><tr class="" id="L8">
350
+ <td class="text-right select-none pl-5 pr-3 cursor-pointer text-gray-300 hover:text-black blob-line-num" line-num="8"></td>
351
+ <td class="px-3 overflow-visible whitespace-pre">
352
+ </td>
353
+ </tr></tbody></table></div>
354
+ </div></div></div></div></section></div></main>
355
+ </div>
356
+
357
+ <script>
358
+ import("/front/build/index.84db37849.js");
359
+ window.moonSha = ".84db37849";
360
+ </script>
361
+
362
+ <script>
363
+ if (
364
+ !(
365
+ ["localhost", "huggingface.test"].includes(
366
+ window.location.hostname
367
+ ) || window.location.hostname.includes("ngrok.io")
368
+ )
369
+ ) {
370
+ (function (i, s, o, g, r, a, m) {
371
+ i["GoogleAnalyticsObject"] = r;
372
+ (i[r] =
373
+ i[r] ||
374
+ function () {
375
+ (i[r].q = i[r].q || []).push(arguments);
376
+ }),
377
+ (i[r].l = 1 * new Date());
378
+ (a = s.createElement(o)), (m = s.getElementsByTagName(o)[0]);
379
+ a.async = 1;
380
+ a.src = g;
381
+ m.parentNode.insertBefore(a, m);
382
+ })(
383
+ window,
384
+ document,
385
+ "script",
386
+ "https://www.google-analytics.com/analytics.js",
387
+ "ganalytics"
388
+ );
389
+ ganalytics("create", "UA-83738774-2", "auto");
390
+ ganalytics("send", "pageview");
391
+ }
392
+ </script>
393
+ </body>
394
+ </html>