diff --git a/.ipynb_checkpoints/README-checkpoint.md b/.ipynb_checkpoints/README-checkpoint.md new file mode 100644 index 0000000000000000000000000000000000000000..fc8ab67d634609fbaa387cbe369a6cda8dee35d1 --- /dev/null +++ b/.ipynb_checkpoints/README-checkpoint.md @@ -0,0 +1,156 @@ +--- +license: apache-2.0 +language: + - en +pipeline_tag: text-generation +inference: false +tags: + - mistral + - pytorch + - inferentia2 + - neuron +--- +# Neuronx model for Mistral + +This repository contains [AWS Inferentia2](https://aws.amazon.com/ec2/instance-types/inf2/) and [`neuronx`](https://awsdocs-neuron.readthedocs-hosted.com/en/latest/) compatible checkpoints for [mistralai/Mistral-7B-Instruct-v0.1](https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.1). + +However, this file includes an example of how to compile various versions of Mistral. Support isn’t available yet (as of 1/3/2024) in the optimum-neuron framework, so we use the base transformers library. + +These instructions closely follow the [Developer Guide](https://awsdocs-neuron.readthedocs-hosted.com/en/latest/libraries/transformers-neuronx/transformers-neuronx-developer-guide.html#grouped-query-attention-gqa-support-beta). Look there for more detailed explanations, especially for the GQA settings. + +This model has been compiled to run on an inf2.xlarge (the smallest Inferentia2 instance). You can run it on a bigger instance, but it will only use two cores no matter how many are available, unless you change the core number available in compilation. Remember that each Neuron processor has two cores. + + +## Set up the environment + +First, use the [DLAMI image from Hugging Face](https://aws.amazon.com/marketplace/pp/prodview-gr3e6yiscria2). It has most of the utilities and drivers preinstalled. However, you will need to update transformers-neruonx from the source to get Mistral support. + + +``` +python -m pip install git+https://github.com/aws-neuron/transformers-neuronx.git +``` + +## Running inference from this repository + +If you want to run a quick test or if the exact model you want to use is [mistralai/Mistral-7B-Instruct-v0.1](https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.1), you can run it directly using the steps below. Otherwise, jump to the Compilation of other Mistral versions section. + +First, you will need a local copy of the library. This is because one of the nice things that the Hugging Face optimum library does is abstract local loads from repository loads. However, Mistral inference isn't supported yet. + +From python: + +``` +# using python instead of git clone because I know this supports lfs on the DLAMI image +from huggingface_hub import Repository +repo = Repository(local_dir="Mistral-neuron", clone_from="aws-neuron/Mistral-neuron") + +``` + +This should put a local copy in Mistral-neuron. This process should take a 5-10 minutes. If it completes in a few seconds the first time you run it, you are having problems with git-lfs. You can see this by using ls -al to check the size of the files downloaded. You will also notice it later when you get parsing errors. + +Next, load the model and neff files from disk into the Neuron processors: + +``` +import torch +from transformers_neuronx import constants +from transformers_neuronx.mistral.model import MistralForSampling +from transformers_neuronx.module import save_pretrained_split +from transformers_neuronx.config import NeuronConfig +from transformers import AutoModelForCausalLM, AutoTokenizer + +# Set sharding strategy for GQA to be shard over heads +neuron_config = NeuronConfig( + grouped_query_attention=constants.GQA.SHARD_OVER_HEADS +) +# define the model. These are the settings used in compilation. +# If you want to change these settings, skip to "Compilation of other Mistral versions" +model_neuron = MistralForSampling.from_pretrained("Mistral-neuron", batch_size=1, tp_degree=2, n_positions=256, amp='bf16', neuron_config=neuron_config) + +# load the neff files from the local directory instead of compiling +model_neuron.load("Mistral-neuron") + +# load the neff files into the neuron processors. +# you can see this process happening if you run neuron-top from the command line in another console. +# if you didn't do the previous load command, this will also compile the neff files +model_neuron.to_neuron() + + +``` + +## Inference example + +This points to the original model for the tokenizer because the tokenizer is the same. +If you are compiling your own and want to have a single reference for everything, you can copy the special_tokens_map.json and tokenizer* from the original model to your local copy. + +``` +# Get a tokenizer and example input. Note that this points to the original model +tokenizer = AutoTokenizer.from_pretrained('mistralai/Mistral-7B-Instruct-v0.1') +text = "[INST] What is your favourite condiment? [/INST]" +encoded_input = tokenizer(text, return_tensors='pt') + +# Run inference +with torch.inference_mode(): + generated_sequence = model_neuron.sample(encoded_input.input_ids, sequence_length=256, start_ids=None) + print([tokenizer.decode(tok) for tok in generated_sequence]) + +``` + + +Example output: +(most of the time with amp=‘bf16’, the answer is ketchup. However, if I compiled with amp=f32, the answer was soy sauce. This was for a sample size of one, so let me know what you see —@jburtoft) + +``` +2024-Jan-03 15:59:21.0510 1486:2057 [0] nccl_net_ofi_init:1415 CCOM WARN NET/OFI aws-ofi-nccl initialization failed +2024-Jan-03 15:59:21.0510 1486:2057 [0] init.cc:138 CCOM WARN OFI plugin initNet() failed is EFA enabled? +[' [INST] What is your favourite condiment? [/INST] My favorite condiment is probably ketchup. It adds a perfect balance of sweet, tangy, and slightly spicy flavor to dishes, and is versatile enough to go with a wide variety of foods.'] + +``` + +## Compilation of other Mistral versions + +If you want to use a different version of Mistral from Hugging Face, use the slightly modified code below. It essentially removes the “load” command. When the “to_neuron()” command sees that the model object doesn’t include the neff files, it will kick off the recompile. You can save them at the end so you only have to do the compilation process once. After that, you can use the code above to load a model and the neff files from the local directory. + +``` +import torch +from transformers_neuronx import constants +from transformers_neuronx.mistral.model import MistralForSampling +from transformers_neuronx.module import save_pretrained_split +from transformers_neuronx.config import NeuronConfig +from transformers import AutoModelForCausalLM, AutoTokenizer + +# Load and save the CPU model with bfloat16 casting. This also gives us a local copy +# change the Hugging Face model name (mistralai/Mistral-7B-Instruct-v0.1) below to what you want +# You can update the other model names if you want, but they just reference a directory on the local disk. +model_cpu = AutoModelForCausalLM.from_pretrained('mistralai/Mistral-7B-Instruct-v0.1') +save_pretrained_split(model_cpu, 'mistralai/Mistral-7B-Instruct-v0.1-split') + +# Set sharding strategy for GQA to be shard over heads +neuron_config = NeuronConfig( + grouped_query_attention=constants.GQA.SHARD_OVER_HEADS +) + +# Create and compile the Neuron model +model_neuron = MistralForSampling.from_pretrained('mistralai/Mistral-7B-Instruct-v0.1-split', batch_size=1, \ + tp_degree=2, n_positions=256, amp='bf16', neuron_config=neuron_config) +model_neuron.to_neuron() + +#save compiled neff files out to the same directory +model_neuron.save("mistralai/Mistral-7B-Instruct-v0.1-split") + + +``` + + + +## Arguments passed during compilation + +The settings use in compilation are the same as shown above in the code. If you want to change these, you will need to recompile. If you don’t want to pass them in each time, you could update the config.json file. This is another nice thing the Hugging Face optimum framework does for us. You can see an example of the format by looking at one of the Llama model config.json files. For [example](https://huggingface.co/aws-neuron/Llama-2-7b-hf-neuron-latency/blob/main/config.json). + +``` +neuron_config = NeuronConfig( + grouped_query_attention=constants.GQA.SHARD_OVER_HEADS +) +("Mistral-neuron", batch_size=1, tp_degree=2, n_positions=256, amp='bf16', neuron_config=neuron_config) + +``` + + diff --git a/README.md b/README.md new file mode 100644 index 0000000000000000000000000000000000000000..fc8ab67d634609fbaa387cbe369a6cda8dee35d1 --- /dev/null +++ b/README.md @@ -0,0 +1,156 @@ +--- +license: apache-2.0 +language: + - en +pipeline_tag: text-generation +inference: false +tags: + - mistral + - pytorch + - inferentia2 + - neuron +--- +# Neuronx model for Mistral + +This repository contains [AWS Inferentia2](https://aws.amazon.com/ec2/instance-types/inf2/) and [`neuronx`](https://awsdocs-neuron.readthedocs-hosted.com/en/latest/) compatible checkpoints for [mistralai/Mistral-7B-Instruct-v0.1](https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.1). + +However, this file includes an example of how to compile various versions of Mistral. Support isn’t available yet (as of 1/3/2024) in the optimum-neuron framework, so we use the base transformers library. + +These instructions closely follow the [Developer Guide](https://awsdocs-neuron.readthedocs-hosted.com/en/latest/libraries/transformers-neuronx/transformers-neuronx-developer-guide.html#grouped-query-attention-gqa-support-beta). Look there for more detailed explanations, especially for the GQA settings. + +This model has been compiled to run on an inf2.xlarge (the smallest Inferentia2 instance). You can run it on a bigger instance, but it will only use two cores no matter how many are available, unless you change the core number available in compilation. Remember that each Neuron processor has two cores. + + +## Set up the environment + +First, use the [DLAMI image from Hugging Face](https://aws.amazon.com/marketplace/pp/prodview-gr3e6yiscria2). It has most of the utilities and drivers preinstalled. However, you will need to update transformers-neruonx from the source to get Mistral support. + + +``` +python -m pip install git+https://github.com/aws-neuron/transformers-neuronx.git +``` + +## Running inference from this repository + +If you want to run a quick test or if the exact model you want to use is [mistralai/Mistral-7B-Instruct-v0.1](https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.1), you can run it directly using the steps below. Otherwise, jump to the Compilation of other Mistral versions section. + +First, you will need a local copy of the library. This is because one of the nice things that the Hugging Face optimum library does is abstract local loads from repository loads. However, Mistral inference isn't supported yet. + +From python: + +``` +# using python instead of git clone because I know this supports lfs on the DLAMI image +from huggingface_hub import Repository +repo = Repository(local_dir="Mistral-neuron", clone_from="aws-neuron/Mistral-neuron") + +``` + +This should put a local copy in Mistral-neuron. This process should take a 5-10 minutes. If it completes in a few seconds the first time you run it, you are having problems with git-lfs. You can see this by using ls -al to check the size of the files downloaded. You will also notice it later when you get parsing errors. + +Next, load the model and neff files from disk into the Neuron processors: + +``` +import torch +from transformers_neuronx import constants +from transformers_neuronx.mistral.model import MistralForSampling +from transformers_neuronx.module import save_pretrained_split +from transformers_neuronx.config import NeuronConfig +from transformers import AutoModelForCausalLM, AutoTokenizer + +# Set sharding strategy for GQA to be shard over heads +neuron_config = NeuronConfig( + grouped_query_attention=constants.GQA.SHARD_OVER_HEADS +) +# define the model. These are the settings used in compilation. +# If you want to change these settings, skip to "Compilation of other Mistral versions" +model_neuron = MistralForSampling.from_pretrained("Mistral-neuron", batch_size=1, tp_degree=2, n_positions=256, amp='bf16', neuron_config=neuron_config) + +# load the neff files from the local directory instead of compiling +model_neuron.load("Mistral-neuron") + +# load the neff files into the neuron processors. +# you can see this process happening if you run neuron-top from the command line in another console. +# if you didn't do the previous load command, this will also compile the neff files +model_neuron.to_neuron() + + +``` + +## Inference example + +This points to the original model for the tokenizer because the tokenizer is the same. +If you are compiling your own and want to have a single reference for everything, you can copy the special_tokens_map.json and tokenizer* from the original model to your local copy. + +``` +# Get a tokenizer and example input. Note that this points to the original model +tokenizer = AutoTokenizer.from_pretrained('mistralai/Mistral-7B-Instruct-v0.1') +text = "[INST] What is your favourite condiment? [/INST]" +encoded_input = tokenizer(text, return_tensors='pt') + +# Run inference +with torch.inference_mode(): + generated_sequence = model_neuron.sample(encoded_input.input_ids, sequence_length=256, start_ids=None) + print([tokenizer.decode(tok) for tok in generated_sequence]) + +``` + + +Example output: +(most of the time with amp=‘bf16’, the answer is ketchup. However, if I compiled with amp=f32, the answer was soy sauce. This was for a sample size of one, so let me know what you see —@jburtoft) + +``` +2024-Jan-03 15:59:21.0510 1486:2057 [0] nccl_net_ofi_init:1415 CCOM WARN NET/OFI aws-ofi-nccl initialization failed +2024-Jan-03 15:59:21.0510 1486:2057 [0] init.cc:138 CCOM WARN OFI plugin initNet() failed is EFA enabled? +[' [INST] What is your favourite condiment? [/INST] My favorite condiment is probably ketchup. It adds a perfect balance of sweet, tangy, and slightly spicy flavor to dishes, and is versatile enough to go with a wide variety of foods.'] + +``` + +## Compilation of other Mistral versions + +If you want to use a different version of Mistral from Hugging Face, use the slightly modified code below. It essentially removes the “load” command. When the “to_neuron()” command sees that the model object doesn’t include the neff files, it will kick off the recompile. You can save them at the end so you only have to do the compilation process once. After that, you can use the code above to load a model and the neff files from the local directory. + +``` +import torch +from transformers_neuronx import constants +from transformers_neuronx.mistral.model import MistralForSampling +from transformers_neuronx.module import save_pretrained_split +from transformers_neuronx.config import NeuronConfig +from transformers import AutoModelForCausalLM, AutoTokenizer + +# Load and save the CPU model with bfloat16 casting. This also gives us a local copy +# change the Hugging Face model name (mistralai/Mistral-7B-Instruct-v0.1) below to what you want +# You can update the other model names if you want, but they just reference a directory on the local disk. +model_cpu = AutoModelForCausalLM.from_pretrained('mistralai/Mistral-7B-Instruct-v0.1') +save_pretrained_split(model_cpu, 'mistralai/Mistral-7B-Instruct-v0.1-split') + +# Set sharding strategy for GQA to be shard over heads +neuron_config = NeuronConfig( + grouped_query_attention=constants.GQA.SHARD_OVER_HEADS +) + +# Create and compile the Neuron model +model_neuron = MistralForSampling.from_pretrained('mistralai/Mistral-7B-Instruct-v0.1-split', batch_size=1, \ + tp_degree=2, n_positions=256, amp='bf16', neuron_config=neuron_config) +model_neuron.to_neuron() + +#save compiled neff files out to the same directory +model_neuron.save("mistralai/Mistral-7B-Instruct-v0.1-split") + + +``` + + + +## Arguments passed during compilation + +The settings use in compilation are the same as shown above in the code. If you want to change these, you will need to recompile. If you don’t want to pass them in each time, you could update the config.json file. This is another nice thing the Hugging Face optimum framework does for us. You can see an example of the format by looking at one of the Llama model config.json files. For [example](https://huggingface.co/aws-neuron/Llama-2-7b-hf-neuron-latency/blob/main/config.json). + +``` +neuron_config = NeuronConfig( + grouped_query_attention=constants.GQA.SHARD_OVER_HEADS +) +("Mistral-neuron", batch_size=1, tp_degree=2, n_positions=256, amp='bf16', neuron_config=neuron_config) + +``` + + diff --git a/config.json b/config.json new file mode 100644 index 0000000000000000000000000000000000000000..2a693b883a01527dd49d8e61b766a6117a269a92 --- /dev/null +++ b/config.json @@ -0,0 +1,27 @@ +{ + "_name_or_path": "HuggingFaceH4/zephyr-7b-beta", + "architectures": [ + "MistralForCausalLM" + ], + "attention_dropout": 0.0, + "bos_token_id": 1, + "eos_token_id": 2, + "hidden_act": "silu", + "hidden_size": 4096, + "initializer_range": 0.02, + "intermediate_size": 14336, + "max_position_embeddings": 32768, + "model_type": "mistral", + "num_attention_heads": 32, + "num_hidden_layers": 32, + "num_key_value_heads": 8, + "pad_token_id": 2, + "rms_norm_eps": 1e-05, + "rope_theta": 10000.0, + "sliding_window": 4096, + "tie_word_embeddings": false, + "torch_dtype": "float32", + "transformers_version": "4.37.0.dev0", + "use_cache": true, + "vocab_size": 32000 +} diff --git a/generation_config.json b/generation_config.json new file mode 100644 index 0000000000000000000000000000000000000000..1692386142d9a390527e8f6ede5e3b4bf8430e96 --- /dev/null +++ b/generation_config.json @@ -0,0 +1,6 @@ +{ + "_from_model_config": true, + "bos_token_id": 1, + "eos_token_id": 2, + "transformers_version": "4.37.0.dev0" +} diff --git a/pytorch_model.bin/key_to_filename.json b/pytorch_model.bin/key_to_filename.json new file mode 100644 index 0000000000000000000000000000000000000000..39fadb632bb7b865701d2e790c233178a7fc6c33 --- /dev/null +++ b/pytorch_model.bin/key_to_filename.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:825d20f4a18183eff3963e805edd13ef7eb35b0aff7a850e8153ca1eeeb37970 +size 26397 diff --git a/pytorch_model.bin/p0.model.embed_tokens.weight b/pytorch_model.bin/p0.model.embed_tokens.weight new file mode 100644 index 0000000000000000000000000000000000000000..376d4d2996b49e2d9484e4fb44c67d6b0a448867 --- /dev/null +++ b/pytorch_model.bin/p0.model.embed_tokens.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee6b750e276c8934e2f08711947208c153642156e989cdaa9ff94964ad59f526 +size 524288789 diff --git a/pytorch_model.bin/p1.model.layers.0.self_attn.q_proj.weight b/pytorch_model.bin/p1.model.layers.0.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1cd2bff647ecdbfd4b046d9e256eadb249925e90 --- /dev/null +++ b/pytorch_model.bin/p1.model.layers.0.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41a25c74acdb6afdf2e44d2e635f8c7c5ffc6940f17bfeab257c211cf38fb6f8 +size 67109756 diff --git a/pytorch_model.bin/p10.model.layers.1.self_attn.q_proj.weight b/pytorch_model.bin/p10.model.layers.1.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..a287573641ec37efe66ef6ea27a0d078fdc62e4b --- /dev/null +++ b/pytorch_model.bin/p10.model.layers.1.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78c512af070bc05461e79ec7d95b7f11da5ae52126fc5a224887f9965e345002 +size 67109759 diff --git a/pytorch_model.bin/p100.model.layers.11.self_attn.q_proj.weight b/pytorch_model.bin/p100.model.layers.11.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..e120f820f7fd4b271ae50cbc9182b9968104a048 --- /dev/null +++ b/pytorch_model.bin/p100.model.layers.11.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d89c863526008bf58b148964be7b7b3c585a306ec72ce627f3846ea4d401aef +size 67109765 diff --git a/pytorch_model.bin/p101.model.layers.11.self_attn.k_proj.weight b/pytorch_model.bin/p101.model.layers.11.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..6cdd86de0ae02894a5f52427576d8d019f37cf66 --- /dev/null +++ b/pytorch_model.bin/p101.model.layers.11.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f356b5c436733ba41754dc6f60b4309b61803fb61142ed4eb229024eead79fef +size 16778117 diff --git a/pytorch_model.bin/p102.model.layers.11.self_attn.v_proj.weight b/pytorch_model.bin/p102.model.layers.11.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..381d03c8be1204ffa1df52699108fef09f128b41 --- /dev/null +++ b/pytorch_model.bin/p102.model.layers.11.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4c964a9bb0da31f77eab3d334c0dde9161239992d475931897cdc6635ddecf7 +size 16778117 diff --git a/pytorch_model.bin/p103.model.layers.11.self_attn.o_proj.weight b/pytorch_model.bin/p103.model.layers.11.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ad8615da574b41bdf51f7ba13fd59261b9f010f4 --- /dev/null +++ b/pytorch_model.bin/p103.model.layers.11.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbef525c2c619eda5a766b7b7891f61b1c8683b74ce30ef6aac00ec238fc97f5 +size 67109765 diff --git a/pytorch_model.bin/p104.model.layers.11.mlp.gate_proj.weight b/pytorch_model.bin/p104.model.layers.11.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..34b345f40de0b71181a5d0518c460d78e8c2ae61 --- /dev/null +++ b/pytorch_model.bin/p104.model.layers.11.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71586ff36e63f39e7122bbd8c7102951ff4f73faddc7877fc2fd1ca053b729e3 +size 234881916 diff --git a/pytorch_model.bin/p105.model.layers.11.mlp.up_proj.weight b/pytorch_model.bin/p105.model.layers.11.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5859e74b88c297b41583df8db5db90b965ba8575 --- /dev/null +++ b/pytorch_model.bin/p105.model.layers.11.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06df80e17523ee97064ebd5f858ff13ac84b84fd7677de7d47df5818a4f5c88f +size 234881910 diff --git a/pytorch_model.bin/p106.model.layers.11.mlp.down_proj.weight b/pytorch_model.bin/p106.model.layers.11.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..77c6231967bd280fcf85e081ca6d198486eb5fd8 --- /dev/null +++ b/pytorch_model.bin/p106.model.layers.11.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1650dbbd50ac01c7e465f0891a65388a2e81b182768dfb8d0e8810bd30307575 +size 234881916 diff --git a/pytorch_model.bin/p107.model.layers.11.input_layernorm.weight b/pytorch_model.bin/p107.model.layers.11.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..e3186a4fa1c83f1c3f3a00e966d9cc2fce09bf2b --- /dev/null +++ b/pytorch_model.bin/p107.model.layers.11.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea832a0eee9b4984e18926b5d5c2be07727a54e92e8bc3324991b8504c853d7c +size 17282 diff --git a/pytorch_model.bin/p108.model.layers.11.post_attention_layernorm.weight b/pytorch_model.bin/p108.model.layers.11.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..df8db2e7d2a70f8d7e0daf7070e1e34077a9091b --- /dev/null +++ b/pytorch_model.bin/p108.model.layers.11.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07a68b709ebeb3443bca8dda593aee53f948413d39b960b49680bb83b69c9356 +size 17309 diff --git a/pytorch_model.bin/p109.model.layers.12.self_attn.q_proj.weight b/pytorch_model.bin/p109.model.layers.12.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..4333773ac33864f569f9b2de19098ba0970728bb --- /dev/null +++ b/pytorch_model.bin/p109.model.layers.12.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59c8740c830a8a0a863d163bed564b8d1f695edb8ad179aee62bc8de729baaa7 +size 67109765 diff --git a/pytorch_model.bin/p11.model.layers.1.self_attn.k_proj.weight b/pytorch_model.bin/p11.model.layers.1.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ba53086b5715eb73dd60362582774bf48031d608 --- /dev/null +++ b/pytorch_model.bin/p11.model.layers.1.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd01403c1f0535566e89242766edcc99299362da472de82bc0cb3b08bf07dbd6 +size 16778111 diff --git a/pytorch_model.bin/p110.model.layers.12.self_attn.k_proj.weight b/pytorch_model.bin/p110.model.layers.12.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..2b917f660446249b5d9432ca0a1c2f36e10aa927 --- /dev/null +++ b/pytorch_model.bin/p110.model.layers.12.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92b62ecbba30bedb8ec6446ac28a7f5e70a0304c339c3a1104b0b96e16f6d941 +size 16778117 diff --git a/pytorch_model.bin/p111.model.layers.12.self_attn.v_proj.weight b/pytorch_model.bin/p111.model.layers.12.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d0361ee008b970f84740d7d30486bd27dec80d11 --- /dev/null +++ b/pytorch_model.bin/p111.model.layers.12.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:921e254279ba9f09fc17d90d0fe4633e6b1b240f8e0acb8114fadddf7bca34fb +size 16778117 diff --git a/pytorch_model.bin/p112.model.layers.12.self_attn.o_proj.weight b/pytorch_model.bin/p112.model.layers.12.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5e13f85899733ea7390209f01237d9a9673560bb --- /dev/null +++ b/pytorch_model.bin/p112.model.layers.12.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1490ae57c5b90090d320a8dd2f9b292a261063dfaa7c2bf2bb08a4adec64a1be +size 67109765 diff --git a/pytorch_model.bin/p113.model.layers.12.mlp.gate_proj.weight b/pytorch_model.bin/p113.model.layers.12.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..816975457c6c188224c990cd571c6458d8de0287 --- /dev/null +++ b/pytorch_model.bin/p113.model.layers.12.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:832844270ec7cca4274055fc0be4fd785c8ca7ed9b04d0584ed2289ff8a50b23 +size 234881916 diff --git a/pytorch_model.bin/p114.model.layers.12.mlp.up_proj.weight b/pytorch_model.bin/p114.model.layers.12.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0fbb21ec89d2ceb6f7d9aa99bf6616031ec1e21f --- /dev/null +++ b/pytorch_model.bin/p114.model.layers.12.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e463434fb23a60feef91e2f9b341f298d9fe84fb719420b45f1f95fb60cc3bee +size 234881910 diff --git a/pytorch_model.bin/p115.model.layers.12.mlp.down_proj.weight b/pytorch_model.bin/p115.model.layers.12.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f2221fb34d2776dab53aaa4f927b1a99f0d5bad0 --- /dev/null +++ b/pytorch_model.bin/p115.model.layers.12.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:717b728d1191ef251c40bc77f013441b5b2dc0fe282ebb45327dbaef25fb5ea0 +size 234881916 diff --git a/pytorch_model.bin/p116.model.layers.12.input_layernorm.weight b/pytorch_model.bin/p116.model.layers.12.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..4c918baf05fd487def436e0fe60b99c63a956c14 --- /dev/null +++ b/pytorch_model.bin/p116.model.layers.12.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8e81021db5d86694989971d34d201043ac8c77e57cfa7500f7f28ed28aafa9e +size 17282 diff --git a/pytorch_model.bin/p117.model.layers.12.post_attention_layernorm.weight b/pytorch_model.bin/p117.model.layers.12.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..edbd5806dcb14054185bb125095d47e99a36c649 --- /dev/null +++ b/pytorch_model.bin/p117.model.layers.12.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ded63f3a073116fef0510178067d13794fd770888361b3638a0ea662dd193fcb +size 17309 diff --git a/pytorch_model.bin/p118.model.layers.13.self_attn.q_proj.weight b/pytorch_model.bin/p118.model.layers.13.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..23ebbb3fa1ec71ac3e7e7dba59026b8890372029 --- /dev/null +++ b/pytorch_model.bin/p118.model.layers.13.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:206304189aefe8ba4dcfdb2ef995e9002ed69de92762a2b5bd5c91154947a976 +size 67109765 diff --git a/pytorch_model.bin/p119.model.layers.13.self_attn.k_proj.weight b/pytorch_model.bin/p119.model.layers.13.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..bf2fda5c7278246f5ba045fe2a49b116390502cd --- /dev/null +++ b/pytorch_model.bin/p119.model.layers.13.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:682b47978b5660f906bbcadeb204a594c00f66d0d4b0d695f90b3f509e0792de +size 16778117 diff --git a/pytorch_model.bin/p12.model.layers.1.self_attn.v_proj.weight b/pytorch_model.bin/p12.model.layers.1.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..41860551df2c5fe3c80466a44354d10e65aaa85e --- /dev/null +++ b/pytorch_model.bin/p12.model.layers.1.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7cf8c5c295c62c1152497162ffc5d9b696022bccfcb8d3966cab3eadc0a3f9a +size 16778111 diff --git a/pytorch_model.bin/p120.model.layers.13.self_attn.v_proj.weight b/pytorch_model.bin/p120.model.layers.13.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..edb155667ffd37547a91d37f26356ec90bd615d0 --- /dev/null +++ b/pytorch_model.bin/p120.model.layers.13.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b33b41bd98923da91c24b9fe11835c60cbe3a82cb12bdd35308219ef7ed8b47 +size 16778117 diff --git a/pytorch_model.bin/p121.model.layers.13.self_attn.o_proj.weight b/pytorch_model.bin/p121.model.layers.13.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..2a68a7c36d1d2b39b673cf373ebea652a80d0621 --- /dev/null +++ b/pytorch_model.bin/p121.model.layers.13.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a69f347e9327de82dbb0ec5702ecdbbd56825c56a067ffd9d233ef41fae3005 +size 67109765 diff --git a/pytorch_model.bin/p122.model.layers.13.mlp.gate_proj.weight b/pytorch_model.bin/p122.model.layers.13.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d7572fc35fe2fdf5b11181b508efb59fb9c149d7 --- /dev/null +++ b/pytorch_model.bin/p122.model.layers.13.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9739ff131b9c237f052fd4bf1b72c4e079168cfbebd4c43689f8ef9b5ccc1db7 +size 234881916 diff --git a/pytorch_model.bin/p123.model.layers.13.mlp.up_proj.weight b/pytorch_model.bin/p123.model.layers.13.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..65ad8cc544d750f8fc9ca565910d668395d10f06 --- /dev/null +++ b/pytorch_model.bin/p123.model.layers.13.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfe204e620a2a529fb4ab29188ba59a80586ecdb3a6b5364192752c34ad28a9f +size 234881910 diff --git a/pytorch_model.bin/p124.model.layers.13.mlp.down_proj.weight b/pytorch_model.bin/p124.model.layers.13.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..059e7f275e8e03fb49ec28129dee7b3101b7b470 --- /dev/null +++ b/pytorch_model.bin/p124.model.layers.13.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe46f82c58888a72f8179364253223f2c8a76e178037d7a54384ecd308a3cee1 +size 234881916 diff --git a/pytorch_model.bin/p125.model.layers.13.input_layernorm.weight b/pytorch_model.bin/p125.model.layers.13.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..5cf82f22bfd075739c402c186d9ae29c010f20ef --- /dev/null +++ b/pytorch_model.bin/p125.model.layers.13.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf9bb94f057317606cf2114071bf74059b1d7faaade75029c743b64677f6c6c4 +size 17282 diff --git a/pytorch_model.bin/p126.model.layers.13.post_attention_layernorm.weight b/pytorch_model.bin/p126.model.layers.13.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..1beb1eaf26a3e8c9555dc96ba8da56ce29648836 --- /dev/null +++ b/pytorch_model.bin/p126.model.layers.13.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44795f56580496eaf5d27b2064d86bd8d3b7eb95ba08bec598f1e27252c6b60 +size 17309 diff --git a/pytorch_model.bin/p127.model.layers.14.self_attn.q_proj.weight b/pytorch_model.bin/p127.model.layers.14.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..89a33433229203d475ac16b87c38fcee3cbfb832 --- /dev/null +++ b/pytorch_model.bin/p127.model.layers.14.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49a7320a59d09209d170ed15af64a2fc2ba7294ccc40a6e156c86f353508852e +size 67109765 diff --git a/pytorch_model.bin/p128.model.layers.14.self_attn.k_proj.weight b/pytorch_model.bin/p128.model.layers.14.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..28eeaa84a6b309b185341d20aebb3a62486740f9 --- /dev/null +++ b/pytorch_model.bin/p128.model.layers.14.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85a785ccbcf822505865f9f2cb5e25cb8782bb6420d91cc2dc3a36741d4d47ac +size 16778117 diff --git a/pytorch_model.bin/p129.model.layers.14.self_attn.v_proj.weight b/pytorch_model.bin/p129.model.layers.14.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ba43e7eeec7cc810305b6de8ff4d75c0ecc819f8 --- /dev/null +++ b/pytorch_model.bin/p129.model.layers.14.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:422b04cb57a8928fc503b5f1a143fb46133a0a114ad2635d1588b843f6c3fdc2 +size 16778117 diff --git a/pytorch_model.bin/p13.model.layers.1.self_attn.o_proj.weight b/pytorch_model.bin/p13.model.layers.1.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..7a7d421e87789b01a35ad3c2a62beac2d9173306 --- /dev/null +++ b/pytorch_model.bin/p13.model.layers.1.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:611fdc301e5bdbc7fbc6ee041b7ff7f63a0df00831e5caf7473692708d34b3be +size 67109759 diff --git a/pytorch_model.bin/p130.model.layers.14.self_attn.o_proj.weight b/pytorch_model.bin/p130.model.layers.14.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1670ce62d6aaf65eab0437764198f62169f99191 --- /dev/null +++ b/pytorch_model.bin/p130.model.layers.14.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42e87c6d53e6a24f627ff7ed5dbbede0105cfd8826e897fa53a9a4eaf632c7b4 +size 67109765 diff --git a/pytorch_model.bin/p131.model.layers.14.mlp.gate_proj.weight b/pytorch_model.bin/p131.model.layers.14.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ea5e38277d321315748d26076930499f642eaeb7 --- /dev/null +++ b/pytorch_model.bin/p131.model.layers.14.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1024d6ec61910ff5cdb6e1e5821eae709a5360cda88eb32f9df676852fb5bfc +size 234881916 diff --git a/pytorch_model.bin/p132.model.layers.14.mlp.up_proj.weight b/pytorch_model.bin/p132.model.layers.14.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..fa4ccd0960471c2e2e48734a79e89d635b73cb50 --- /dev/null +++ b/pytorch_model.bin/p132.model.layers.14.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a4f4a90146cf0ee870648382d12941483aeda9bde1c5042472f4e09f20d54a9 +size 234881910 diff --git a/pytorch_model.bin/p133.model.layers.14.mlp.down_proj.weight b/pytorch_model.bin/p133.model.layers.14.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..83975446bb3c7294ecb6cd81e8d16238bc90ff66 --- /dev/null +++ b/pytorch_model.bin/p133.model.layers.14.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e39244410a6eb8f3ec18f21286b93509ae94eb608964df4991e33f8c2587b4e1 +size 234881916 diff --git a/pytorch_model.bin/p134.model.layers.14.input_layernorm.weight b/pytorch_model.bin/p134.model.layers.14.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..fac57ad5769ce0e4159d2d316e0ca784bd9e149c --- /dev/null +++ b/pytorch_model.bin/p134.model.layers.14.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:784401e68cc10e15f6bc9c14d7e61e6cb1f186526539fd13eb8ba6dcfe4bc574 +size 17282 diff --git a/pytorch_model.bin/p135.model.layers.14.post_attention_layernorm.weight b/pytorch_model.bin/p135.model.layers.14.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..b5725c6f5ba59d341d0ce6310c9ae229b529f4ff --- /dev/null +++ b/pytorch_model.bin/p135.model.layers.14.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b1727567e2cfc3c87d9d4870408aec62a9e2531e8a6fc61e232efbdb3062d86 +size 17309 diff --git a/pytorch_model.bin/p136.model.layers.15.self_attn.q_proj.weight b/pytorch_model.bin/p136.model.layers.15.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..384b5a75ab0b1b53b9b93816233e5f2246f95cba --- /dev/null +++ b/pytorch_model.bin/p136.model.layers.15.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5d824e4c211ed3ce6a0607963c02be8299f0bb4bfd255f91b7aa56053254541 +size 67109765 diff --git a/pytorch_model.bin/p137.model.layers.15.self_attn.k_proj.weight b/pytorch_model.bin/p137.model.layers.15.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ed1f03398a7990676e3b15bd00cea35187f3ba53 --- /dev/null +++ b/pytorch_model.bin/p137.model.layers.15.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c47140536e260a37a97e7584d7fdf394a6e4b6217b2baffe3da56285b5fddc5 +size 16778117 diff --git a/pytorch_model.bin/p138.model.layers.15.self_attn.v_proj.weight b/pytorch_model.bin/p138.model.layers.15.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0e1f253f80788b4de1b06f7f6e485063a755a37d --- /dev/null +++ b/pytorch_model.bin/p138.model.layers.15.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:104255d5f7335a4ed1f5c9e5a8f91bbd8f17f9408875b0ffbd1938879af4d1a9 +size 16778117 diff --git a/pytorch_model.bin/p139.model.layers.15.self_attn.o_proj.weight b/pytorch_model.bin/p139.model.layers.15.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..a9c01ac20cf4c23c863f358953e198ac48520c16 --- /dev/null +++ b/pytorch_model.bin/p139.model.layers.15.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cae9b12b6e61b876814c8a15e51e3baca42ee3ac6cb56f31a66e21cc468048e0 +size 67109765 diff --git a/pytorch_model.bin/p14.model.layers.1.mlp.gate_proj.weight b/pytorch_model.bin/p14.model.layers.1.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..74df8a0209c8379796c79f79c36e50a33e5b1747 --- /dev/null +++ b/pytorch_model.bin/p14.model.layers.1.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0f9282570dfc5fee516d198449f108943f2fef4caba4cd81617ebdfb2ee0f5a +size 234881910 diff --git a/pytorch_model.bin/p140.model.layers.15.mlp.gate_proj.weight b/pytorch_model.bin/p140.model.layers.15.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..856f4ad62653a32a64d1cb565ab456b35f418a0a --- /dev/null +++ b/pytorch_model.bin/p140.model.layers.15.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:649a1668c31ec211a169fc6b2bb515ac2ecad131f244203cc75a51c3f6705cf0 +size 234881916 diff --git a/pytorch_model.bin/p141.model.layers.15.mlp.up_proj.weight b/pytorch_model.bin/p141.model.layers.15.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..15bf6db52b9cc77faf2b8eccfe23e83e2da1a3a0 --- /dev/null +++ b/pytorch_model.bin/p141.model.layers.15.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c432499d9093276691649e67017c4b4c8b594afa19da6254a887ed6d79e8a452 +size 234881910 diff --git a/pytorch_model.bin/p142.model.layers.15.mlp.down_proj.weight b/pytorch_model.bin/p142.model.layers.15.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..99378ebd72718cc38f7be47addf0bdfd7385c222 --- /dev/null +++ b/pytorch_model.bin/p142.model.layers.15.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3c899e2bcb074c52f5519bfbb1bbfa60856fb10d101db20bd7d3edc34172b5e +size 234881916 diff --git a/pytorch_model.bin/p143.model.layers.15.input_layernorm.weight b/pytorch_model.bin/p143.model.layers.15.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..e9568c268a7fb79881e0e1a16a98c6de9f05dc2c --- /dev/null +++ b/pytorch_model.bin/p143.model.layers.15.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95daf2e5f96649015cd4417431e141e63d88b109ff44449eb3158a40b54b1dc1 +size 17282 diff --git a/pytorch_model.bin/p144.model.layers.15.post_attention_layernorm.weight b/pytorch_model.bin/p144.model.layers.15.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..dde361f28e4804528e479354ef5579acc3b1e27e --- /dev/null +++ b/pytorch_model.bin/p144.model.layers.15.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e96954382381f930b3713c04e633ef78e865b9da844574ada9619d5d9e4f5b62 +size 17309 diff --git a/pytorch_model.bin/p145.model.layers.16.self_attn.q_proj.weight b/pytorch_model.bin/p145.model.layers.16.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..19f0f0d978257fbcab88c1a8a630ad0e283c1a78 --- /dev/null +++ b/pytorch_model.bin/p145.model.layers.16.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:337e3549c03b17bd7661404cc24236399b4f7848a3a4c38b9f5453abd28b21d6 +size 67109765 diff --git a/pytorch_model.bin/p146.model.layers.16.self_attn.k_proj.weight b/pytorch_model.bin/p146.model.layers.16.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b3ddeeaca2bbaaf74146b858a739be0330ca2afd --- /dev/null +++ b/pytorch_model.bin/p146.model.layers.16.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18bf21a5934fbbcab4277c5ca6e33718d6e775f75a354c32210442049aaa774e +size 16778117 diff --git a/pytorch_model.bin/p147.model.layers.16.self_attn.v_proj.weight b/pytorch_model.bin/p147.model.layers.16.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..3e1194102691674a528e7881f2f8a5bddea6148f --- /dev/null +++ b/pytorch_model.bin/p147.model.layers.16.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe6231829dcba97b6f945621d4c95ba619d20eae01721d80b04015cd03137028 +size 16778117 diff --git a/pytorch_model.bin/p148.model.layers.16.self_attn.o_proj.weight b/pytorch_model.bin/p148.model.layers.16.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..90c72cd7f406e47a07a4e1c4f970326c059aee27 --- /dev/null +++ b/pytorch_model.bin/p148.model.layers.16.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1546ac98304d2218fccff413948fe0aa8c8f5cba0cad2cdc26925d4980f9da75 +size 67109765 diff --git a/pytorch_model.bin/p149.model.layers.16.mlp.gate_proj.weight b/pytorch_model.bin/p149.model.layers.16.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b96ddc058c30b5e0d02105b0075ed449547542bb --- /dev/null +++ b/pytorch_model.bin/p149.model.layers.16.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8fb7e336353ec54de47ab0c467075db10c98bd4a980fd63e510e931add2235b +size 234881916 diff --git a/pytorch_model.bin/p15.model.layers.1.mlp.up_proj.weight b/pytorch_model.bin/p15.model.layers.1.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..7ec4f19b62a373b0ff77b877ad7bb0306144b5dd --- /dev/null +++ b/pytorch_model.bin/p15.model.layers.1.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ad5634dfb2f4811a05c642bb68ecf9f70b5f2b7f0d06b480f80d47df5552c89 +size 234881904 diff --git a/pytorch_model.bin/p150.model.layers.16.mlp.up_proj.weight b/pytorch_model.bin/p150.model.layers.16.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..2c63e73b995f8a564d933169f2723f989b6ae3ec --- /dev/null +++ b/pytorch_model.bin/p150.model.layers.16.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4860e334e0ff3fcf67eff4281004f9d05f641cce38a7be5f5d641fc0d827f1d +size 234881910 diff --git a/pytorch_model.bin/p151.model.layers.16.mlp.down_proj.weight b/pytorch_model.bin/p151.model.layers.16.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..a86dfe92c444ee7c279017b3ce5efd65a1370852 --- /dev/null +++ b/pytorch_model.bin/p151.model.layers.16.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c249e8bac705c11e4618d6676d1dcc358be5e86cce01c00b85028b345eff781f +size 234881916 diff --git a/pytorch_model.bin/p152.model.layers.16.input_layernorm.weight b/pytorch_model.bin/p152.model.layers.16.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..ebc29eb3943bef6cfc100e224d8ef8818eb4742a --- /dev/null +++ b/pytorch_model.bin/p152.model.layers.16.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72a39772fe964b0f9066b977b805df6c8c9514714cf076ff3990d56b121ef259 +size 17282 diff --git a/pytorch_model.bin/p153.model.layers.16.post_attention_layernorm.weight b/pytorch_model.bin/p153.model.layers.16.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..c6765960a12e97a7194c1e7a8ac523eb2c21c847 --- /dev/null +++ b/pytorch_model.bin/p153.model.layers.16.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cb4f07e546dbe6a5d1a8cc18367c2e274ea21ce0aba1a26749c4dcb1cd991b3 +size 17309 diff --git a/pytorch_model.bin/p154.model.layers.17.self_attn.q_proj.weight b/pytorch_model.bin/p154.model.layers.17.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..a672ae391591a2c3d6c158eeb2187085198e01a0 --- /dev/null +++ b/pytorch_model.bin/p154.model.layers.17.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26fe289b13ae1165a0dabed8923ca3198b48f3c5ab42823528f7069d9b56fca9 +size 67109765 diff --git a/pytorch_model.bin/p155.model.layers.17.self_attn.k_proj.weight b/pytorch_model.bin/p155.model.layers.17.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..091210866bd3fc8a81df9f6080ced6fff0ee8a01 --- /dev/null +++ b/pytorch_model.bin/p155.model.layers.17.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1366ce77cde105b542adfc452e6aefc798445860984adac2bd57da690d1984d9 +size 16778117 diff --git a/pytorch_model.bin/p156.model.layers.17.self_attn.v_proj.weight b/pytorch_model.bin/p156.model.layers.17.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1a9c364c095134db722c44f930a7e304e4b16b4b --- /dev/null +++ b/pytorch_model.bin/p156.model.layers.17.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:386cc79e4727e916c23d0a8fff4ec78d16d9e7099af5a8406c4e541e83c2bfe0 +size 16778117 diff --git a/pytorch_model.bin/p157.model.layers.17.self_attn.o_proj.weight b/pytorch_model.bin/p157.model.layers.17.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..49aca28866fc9041070d6fa6e4bf40fbcc150ef8 --- /dev/null +++ b/pytorch_model.bin/p157.model.layers.17.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40c03f6f4cb463bc203e22e33368386d4e2c6edf7e4fde8cdc1df7c86daa2072 +size 67109765 diff --git a/pytorch_model.bin/p158.model.layers.17.mlp.gate_proj.weight b/pytorch_model.bin/p158.model.layers.17.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..31af6492099574ec498d8e9c35ece77bd3665c4b --- /dev/null +++ b/pytorch_model.bin/p158.model.layers.17.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:037103edbd8cd2d392323240d11b4ff78a4808fcee643870435d125d7bf3d294 +size 234881916 diff --git a/pytorch_model.bin/p159.model.layers.17.mlp.up_proj.weight b/pytorch_model.bin/p159.model.layers.17.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..300a48cb3c71efb52eb4489176dab5103be3b2d1 --- /dev/null +++ b/pytorch_model.bin/p159.model.layers.17.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e82825386a937c1041501abe91c359ad7d8f210b69ee5bded60ab7e864adf66 +size 234881910 diff --git a/pytorch_model.bin/p16.model.layers.1.mlp.down_proj.weight b/pytorch_model.bin/p16.model.layers.1.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..aa53e57ae58a9b17aaa0cef6a7cdb2989088a262 --- /dev/null +++ b/pytorch_model.bin/p16.model.layers.1.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7fdd7f4f4a7fd1d77e6790ce352e1ecb0867c8a83cceaaac6cc20c8b55bc83b +size 234881910 diff --git a/pytorch_model.bin/p160.model.layers.17.mlp.down_proj.weight b/pytorch_model.bin/p160.model.layers.17.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..fe87fa69bfea07b8097647e0ee559223fc289a55 --- /dev/null +++ b/pytorch_model.bin/p160.model.layers.17.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3689eb05313200efed8b54aec76c6c31a124335e2d2812ab5e1175f53512f07e +size 234881916 diff --git a/pytorch_model.bin/p161.model.layers.17.input_layernorm.weight b/pytorch_model.bin/p161.model.layers.17.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..c845abb8b0e732c7c72b9366266c892e9ccf2749 --- /dev/null +++ b/pytorch_model.bin/p161.model.layers.17.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4cb0d2e9773a06d231c26663a36213c0489d7b471e22fd4e6e9c5306d17c776 +size 17282 diff --git a/pytorch_model.bin/p162.model.layers.17.post_attention_layernorm.weight b/pytorch_model.bin/p162.model.layers.17.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..8040c8c9ababef0d3ed5aecaea7e0fd3e4570fc2 --- /dev/null +++ b/pytorch_model.bin/p162.model.layers.17.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f1018e36c54133d113775159f8f9bac29224b6c72c6cf368ca66ad7e47a290c +size 17309 diff --git a/pytorch_model.bin/p163.model.layers.18.self_attn.q_proj.weight b/pytorch_model.bin/p163.model.layers.18.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1aaf45e0aad735adc945aa35785403105297b817 --- /dev/null +++ b/pytorch_model.bin/p163.model.layers.18.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59c6be21d5dd044c9d3eaea4fe1cb09eb6833ad9082cc42cbcbd88afa179232a +size 67109765 diff --git a/pytorch_model.bin/p164.model.layers.18.self_attn.k_proj.weight b/pytorch_model.bin/p164.model.layers.18.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..7019939f1f4d81000ed7be973d4e4f784b5329ce --- /dev/null +++ b/pytorch_model.bin/p164.model.layers.18.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93fcc6461a9823494ca42f14c0425e86eb97950c09a463b4135046397e9235e9 +size 16778117 diff --git a/pytorch_model.bin/p165.model.layers.18.self_attn.v_proj.weight b/pytorch_model.bin/p165.model.layers.18.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0faf4dd1b3a387345ad541624a16ca82a8077818 --- /dev/null +++ b/pytorch_model.bin/p165.model.layers.18.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:051460ceb85b71969be9d0a26c21070a57fec575862ddd63ebd378435afe2dc5 +size 16778117 diff --git a/pytorch_model.bin/p166.model.layers.18.self_attn.o_proj.weight b/pytorch_model.bin/p166.model.layers.18.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..18fab9d367bb565224fb92480974b224fc6e9174 --- /dev/null +++ b/pytorch_model.bin/p166.model.layers.18.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1453ac8a48c1749698164bca76ead8635166d0a6c51d0be50805a2108b2cba52 +size 67109765 diff --git a/pytorch_model.bin/p167.model.layers.18.mlp.gate_proj.weight b/pytorch_model.bin/p167.model.layers.18.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c0c147b21a4a3914122b44d63e4eedda969ad282 --- /dev/null +++ b/pytorch_model.bin/p167.model.layers.18.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31ffcc7ce35eb7e0ad697fe8b3fb1d204aec570c272230e3605e195418969054 +size 234881916 diff --git a/pytorch_model.bin/p168.model.layers.18.mlp.up_proj.weight b/pytorch_model.bin/p168.model.layers.18.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5398cdebc1bb9a37fe4ce4387b57d996fbf128de --- /dev/null +++ b/pytorch_model.bin/p168.model.layers.18.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0bcde12cc6f3f645065d48a82e4b4c944397920d751946d244a75f4b0af4613 +size 234881910 diff --git a/pytorch_model.bin/p169.model.layers.18.mlp.down_proj.weight b/pytorch_model.bin/p169.model.layers.18.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..cc24ba172078b6fda618af695ca81c8bd552d0cb --- /dev/null +++ b/pytorch_model.bin/p169.model.layers.18.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1105d25f3ca1558b4a6e5ee6158f36f292d55ae957b5c9ed959dc2e8889bb518 +size 234881916 diff --git a/pytorch_model.bin/p17.model.layers.1.input_layernorm.weight b/pytorch_model.bin/p17.model.layers.1.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..462dab37837c1eefcc4904f26fb40cd7f1e6c937 --- /dev/null +++ b/pytorch_model.bin/p17.model.layers.1.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e04b2b7c987c37060e3dff79b2819c3f3fe15e30c7e08716d6b873fc1fcb4f66 +size 17276 diff --git a/pytorch_model.bin/p170.model.layers.18.input_layernorm.weight b/pytorch_model.bin/p170.model.layers.18.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..e3aae93ddbb6cc143ccda642785a25e5caf1688f --- /dev/null +++ b/pytorch_model.bin/p170.model.layers.18.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f08aad1fce0b595636cff3a652af36a774ca0f0985c6708daf6016504da0b82a +size 17282 diff --git a/pytorch_model.bin/p171.model.layers.18.post_attention_layernorm.weight b/pytorch_model.bin/p171.model.layers.18.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..12e33802ff7c7670b9a7ffa5dc19a8eacd282773 --- /dev/null +++ b/pytorch_model.bin/p171.model.layers.18.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3a12c7baf0181c4330c7a874371a7f77623c55ad58e9067c59338c4b0dfcfa5 +size 17309 diff --git a/pytorch_model.bin/p172.model.layers.19.self_attn.q_proj.weight b/pytorch_model.bin/p172.model.layers.19.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..18da6b0cf5ceb1c0d4b22a958bc15af3cf7cc037 --- /dev/null +++ b/pytorch_model.bin/p172.model.layers.19.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8528dea991030f68b9d00abfea828a4b91fb09982cb1d53504b129aaf718701 +size 67109765 diff --git a/pytorch_model.bin/p173.model.layers.19.self_attn.k_proj.weight b/pytorch_model.bin/p173.model.layers.19.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ec9e45be42d2ed9ce287056017fa88f78e3a8aff --- /dev/null +++ b/pytorch_model.bin/p173.model.layers.19.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:757eca7be5f2e8ad97103af4e9b9b943feb6c7f2bf116c39d1be7924377e7e32 +size 16778117 diff --git a/pytorch_model.bin/p174.model.layers.19.self_attn.v_proj.weight b/pytorch_model.bin/p174.model.layers.19.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1baebc5b377155899201936698a0092783aad174 --- /dev/null +++ b/pytorch_model.bin/p174.model.layers.19.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5ebfd9aee279e61c3ca98102bc1da1df325f388165f20ace34ac8dcb1993b4a +size 16778117 diff --git a/pytorch_model.bin/p175.model.layers.19.self_attn.o_proj.weight b/pytorch_model.bin/p175.model.layers.19.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..af6d8f8133e17ea43c59e29e47890749f61c6154 --- /dev/null +++ b/pytorch_model.bin/p175.model.layers.19.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efe1bb92df947a8e1aa8e0bc1bdf2623c7518e2d1477d33189db1b2d774a49fa +size 67109765 diff --git a/pytorch_model.bin/p176.model.layers.19.mlp.gate_proj.weight b/pytorch_model.bin/p176.model.layers.19.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d6a78d0cec8d15772fdead6cfe32129a4f4f9508 --- /dev/null +++ b/pytorch_model.bin/p176.model.layers.19.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a20bc665f114b5c16185a1c298d28cd70a4c8fc824930ecd78d8a4b13af98c25 +size 234881916 diff --git a/pytorch_model.bin/p177.model.layers.19.mlp.up_proj.weight b/pytorch_model.bin/p177.model.layers.19.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b612c6ffdd64f78ab7497b6152397bcbd4a1f425 --- /dev/null +++ b/pytorch_model.bin/p177.model.layers.19.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f01332b84580c4e68a8b2c54741ec0588157b8a61e1fb31d7e25a5351a803f0 +size 234881910 diff --git a/pytorch_model.bin/p178.model.layers.19.mlp.down_proj.weight b/pytorch_model.bin/p178.model.layers.19.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5321bf67c234780988c59c367ff64927d5965c94 --- /dev/null +++ b/pytorch_model.bin/p178.model.layers.19.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1eb66c3636425293e24f13dd0aa255a68c2196a86f28fe27d680417cd0a0adca +size 234881916 diff --git a/pytorch_model.bin/p179.model.layers.19.input_layernorm.weight b/pytorch_model.bin/p179.model.layers.19.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..219097f39b70c0b0b371591d8f8026e1e6f05a45 --- /dev/null +++ b/pytorch_model.bin/p179.model.layers.19.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edb7cda40b28a4bb04b8d2d28cf2f3896183af0967f08f91e470e849effdea3a +size 17282 diff --git a/pytorch_model.bin/p18.model.layers.1.post_attention_layernorm.weight b/pytorch_model.bin/p18.model.layers.1.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..d3c5d8cc29bb90a81240e36a601d911951537d67 --- /dev/null +++ b/pytorch_model.bin/p18.model.layers.1.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef0331f6ade42c262aed82dcf30e85020649b859122b7c9bcf418b9619e1a6d0 +size 17303 diff --git a/pytorch_model.bin/p180.model.layers.19.post_attention_layernorm.weight b/pytorch_model.bin/p180.model.layers.19.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..7c8807a3f1d7fd7174f2f1cef0917afcfcd8df17 --- /dev/null +++ b/pytorch_model.bin/p180.model.layers.19.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef0fd11e32d3884c75e9ba753d67d53245665efee78de37f0a12ba43eb5edba9 +size 17309 diff --git a/pytorch_model.bin/p181.model.layers.20.self_attn.q_proj.weight b/pytorch_model.bin/p181.model.layers.20.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..a550513e1148bba4dbe70e994a3ad4bdbf2a877f --- /dev/null +++ b/pytorch_model.bin/p181.model.layers.20.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:494e7d48f423560512d2b37ef0399ec4f45f875e438c8a39cbf0c92fc6152619 +size 67109765 diff --git a/pytorch_model.bin/p182.model.layers.20.self_attn.k_proj.weight b/pytorch_model.bin/p182.model.layers.20.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..7e32d17a43d327c489cb094401f9d7cf627ee8fa --- /dev/null +++ b/pytorch_model.bin/p182.model.layers.20.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8e7e5de623270afe72129bce4d382e85517439e787425f7381e28a07e126f19 +size 16778117 diff --git a/pytorch_model.bin/p183.model.layers.20.self_attn.v_proj.weight b/pytorch_model.bin/p183.model.layers.20.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..540da976e3015eafe15e012a5e3300d3c7214471 --- /dev/null +++ b/pytorch_model.bin/p183.model.layers.20.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2e717f031f977a87a6617a9ce5340aa44831fd8c384d3bb414ed909e94164c5 +size 16778117 diff --git a/pytorch_model.bin/p184.model.layers.20.self_attn.o_proj.weight b/pytorch_model.bin/p184.model.layers.20.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0f595b0e17a6a595d42f97abf0522a20d26dce38 --- /dev/null +++ b/pytorch_model.bin/p184.model.layers.20.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38fbc5033fe738d1517827aa198da8ee92d9be186df87d2adcf10dc4e6634b80 +size 67109765 diff --git a/pytorch_model.bin/p185.model.layers.20.mlp.gate_proj.weight b/pytorch_model.bin/p185.model.layers.20.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..650e6b024a9b9bcfc826676470b17220060b6bec --- /dev/null +++ b/pytorch_model.bin/p185.model.layers.20.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e5060254aed1b61c59fe75a8552fcc8ab69c3494ae9f69538b492ccc7d4a456 +size 234881916 diff --git a/pytorch_model.bin/p186.model.layers.20.mlp.up_proj.weight b/pytorch_model.bin/p186.model.layers.20.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..4fc6dbe6c5ba28b7350b953c5185400f401f26e0 --- /dev/null +++ b/pytorch_model.bin/p186.model.layers.20.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fc96cf3f9bda53a9d3338faa49308fc6f3ac9dd474ff8b4cfc7aaa965e9a60f +size 234881910 diff --git a/pytorch_model.bin/p187.model.layers.20.mlp.down_proj.weight b/pytorch_model.bin/p187.model.layers.20.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..83ae0742789363d52d38b49157986e033e8a39db --- /dev/null +++ b/pytorch_model.bin/p187.model.layers.20.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63ea65e511b9c1933c5e76b16da7c522dde31444f02d506194de86f625d70fbd +size 234881916 diff --git a/pytorch_model.bin/p188.model.layers.20.input_layernorm.weight b/pytorch_model.bin/p188.model.layers.20.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..74c215dcdfda65fd0904ae5f0f33bc4fddceea56 --- /dev/null +++ b/pytorch_model.bin/p188.model.layers.20.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1e7dace52d4417d78c819292298be473f5c807dffad13a89730ddb56ae135f6 +size 17282 diff --git a/pytorch_model.bin/p189.model.layers.20.post_attention_layernorm.weight b/pytorch_model.bin/p189.model.layers.20.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..0eed6b9084288c015623cb0c38c0d6931090e427 --- /dev/null +++ b/pytorch_model.bin/p189.model.layers.20.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d063622e91115f15a2b505f3cdc464b42afe487d6824d328eb79ab58e3c0937 +size 17309 diff --git a/pytorch_model.bin/p19.model.layers.2.self_attn.q_proj.weight b/pytorch_model.bin/p19.model.layers.2.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..73d63618f77a1643e746b7923a6f8a701ddb69ac --- /dev/null +++ b/pytorch_model.bin/p19.model.layers.2.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3885a77e0baf2cf85fca9e7d9e6d98c0d4568cb120dfe590f340a41271833ae +size 67109759 diff --git a/pytorch_model.bin/p190.model.layers.21.self_attn.q_proj.weight b/pytorch_model.bin/p190.model.layers.21.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d696df25cd29dd638f03a70a764bd4c0004575c7 --- /dev/null +++ b/pytorch_model.bin/p190.model.layers.21.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:652a144a772d68564070917d87392fe5c79c16a2c4603b171d8131c1102e413d +size 67109765 diff --git a/pytorch_model.bin/p191.model.layers.21.self_attn.k_proj.weight b/pytorch_model.bin/p191.model.layers.21.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..708939731422a6e76814b37b58c035da1cf8bd67 --- /dev/null +++ b/pytorch_model.bin/p191.model.layers.21.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:735e0c502ba207009ba6059c3c1b1c51e0b6e2f7236a0fff710c9f10d6e83750 +size 16778117 diff --git a/pytorch_model.bin/p192.model.layers.21.self_attn.v_proj.weight b/pytorch_model.bin/p192.model.layers.21.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..9b71190b46d12de748196f2d42a5cbe93b23448e --- /dev/null +++ b/pytorch_model.bin/p192.model.layers.21.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2fd67c14eeb9c6383985ce9b8be103d269ee6a61934ebc0606d9f840c43de16 +size 16778117 diff --git a/pytorch_model.bin/p193.model.layers.21.self_attn.o_proj.weight b/pytorch_model.bin/p193.model.layers.21.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..3535c7d91a9ed26f6e460dba79ac49ec2aae62ea --- /dev/null +++ b/pytorch_model.bin/p193.model.layers.21.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b3e42ad2287adb13d059da2f47443bf382a84fe24a3409cdaff236de6baae7d +size 67109765 diff --git a/pytorch_model.bin/p194.model.layers.21.mlp.gate_proj.weight b/pytorch_model.bin/p194.model.layers.21.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c928fc2d18063995383fd609240e254d27f7c3d0 --- /dev/null +++ b/pytorch_model.bin/p194.model.layers.21.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b550acf04f9a2f58cffbbe82b37897a5f0373f4dd4e309cbfeaa17e34c3ac5a2 +size 234881916 diff --git a/pytorch_model.bin/p195.model.layers.21.mlp.up_proj.weight b/pytorch_model.bin/p195.model.layers.21.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..6209b46308267d0dddbb44fe81793e65cd52576b --- /dev/null +++ b/pytorch_model.bin/p195.model.layers.21.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d3119e69d875575c38c56f33baf9368d08c5b80607874a2f907f12e80f80a35 +size 234881910 diff --git a/pytorch_model.bin/p196.model.layers.21.mlp.down_proj.weight b/pytorch_model.bin/p196.model.layers.21.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5446e80c752a6c6db8dc62762d86fe695577bcb2 --- /dev/null +++ b/pytorch_model.bin/p196.model.layers.21.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d07c83f888b5118b439c87a5c8d4696cd154b3587f87119b1971bf7676d01b8 +size 234881916 diff --git a/pytorch_model.bin/p197.model.layers.21.input_layernorm.weight b/pytorch_model.bin/p197.model.layers.21.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..b521e70280f3f13351575cfa8810ab20a0616909 --- /dev/null +++ b/pytorch_model.bin/p197.model.layers.21.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0e529f98924bba44a5197df9f559a8d4e5986015af18059320617dadf40da04 +size 17282 diff --git a/pytorch_model.bin/p198.model.layers.21.post_attention_layernorm.weight b/pytorch_model.bin/p198.model.layers.21.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..90bfa6bbc65230153b72bc89023cee8030fdc21f --- /dev/null +++ b/pytorch_model.bin/p198.model.layers.21.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:857bd19a2c7ec0cfe3ec31b3f56279ead9ac894f807cf5e2f46d4fbd2f2a7cd8 +size 17309 diff --git a/pytorch_model.bin/p199.model.layers.22.self_attn.q_proj.weight b/pytorch_model.bin/p199.model.layers.22.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..6f527cc052c4f1367d1398e038f0d4092cc312e1 --- /dev/null +++ b/pytorch_model.bin/p199.model.layers.22.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6cdd442385da58d8b50155071bb827ed681e0164a298a746458766f5d2caa48c +size 67109765 diff --git a/pytorch_model.bin/p2.model.layers.0.self_attn.k_proj.weight b/pytorch_model.bin/p2.model.layers.0.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..9f36467a08fd9e48f491a3c413b6ef81e73c4aaf --- /dev/null +++ b/pytorch_model.bin/p2.model.layers.0.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c86a3d99e8eb03c6827d4dbadaf982e149e534a57610142032b06e1ec3951319 +size 16778108 diff --git a/pytorch_model.bin/p20.model.layers.2.self_attn.k_proj.weight b/pytorch_model.bin/p20.model.layers.2.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..a16d91d66c9f55cb27850cc18837c3bfa94b277a --- /dev/null +++ b/pytorch_model.bin/p20.model.layers.2.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:695b841e9ed38bfd1c1708067ab87885afc0154c6a6f86271a2b185431630a4d +size 16778111 diff --git a/pytorch_model.bin/p200.model.layers.22.self_attn.k_proj.weight b/pytorch_model.bin/p200.model.layers.22.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ecc2a1243f33445144eed8cc99483d589bcded41 --- /dev/null +++ b/pytorch_model.bin/p200.model.layers.22.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:153dc023c5c55269e2243b73fbf46d2ba4889f669744bc0d4cbb0ffbef421985 +size 16778117 diff --git a/pytorch_model.bin/p201.model.layers.22.self_attn.v_proj.weight b/pytorch_model.bin/p201.model.layers.22.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f0cdc010a3556e368fcd75e6d69aae2148e7ab29 --- /dev/null +++ b/pytorch_model.bin/p201.model.layers.22.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5d13d41997ed1d9f2f716e787f6f515102b93be83d87a01d137ae1330516e8a +size 16778117 diff --git a/pytorch_model.bin/p202.model.layers.22.self_attn.o_proj.weight b/pytorch_model.bin/p202.model.layers.22.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..3954100887ace1ac5de00c3739e54b20223a9247 --- /dev/null +++ b/pytorch_model.bin/p202.model.layers.22.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8127512e61133dc41c7610de640172aa66e25afc475383d007f34e75c8953c56 +size 67109765 diff --git a/pytorch_model.bin/p203.model.layers.22.mlp.gate_proj.weight b/pytorch_model.bin/p203.model.layers.22.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1e1ae065cc660e6a60c632d66d4f37a75d6b2348 --- /dev/null +++ b/pytorch_model.bin/p203.model.layers.22.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b24b858110b17b26f2d43d1790503d6c927679833de2078e1771b7bcfa2b87a3 +size 234881916 diff --git a/pytorch_model.bin/p204.model.layers.22.mlp.up_proj.weight b/pytorch_model.bin/p204.model.layers.22.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f95290188f05e3f4b381eff289888470dc29df61 --- /dev/null +++ b/pytorch_model.bin/p204.model.layers.22.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:beda2adab990a812b9ded192058821f22257171fe8645460b0eefb120c4d000f +size 234881910 diff --git a/pytorch_model.bin/p205.model.layers.22.mlp.down_proj.weight b/pytorch_model.bin/p205.model.layers.22.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d860c22c22150e4f8df3ce759916b34b631deff7 --- /dev/null +++ b/pytorch_model.bin/p205.model.layers.22.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc7083b628aa37ed12b8b0b2a5a82a7a4dc3daed43c924291007c605d6efd9fe +size 234881916 diff --git a/pytorch_model.bin/p206.model.layers.22.input_layernorm.weight b/pytorch_model.bin/p206.model.layers.22.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..6624d3a03d61f51256e80463b1f1a71e7cb5342d --- /dev/null +++ b/pytorch_model.bin/p206.model.layers.22.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37ce989a0507e121a427c575b41e7d1d11885df98aa8f525a386b3180f72bfd6 +size 17282 diff --git a/pytorch_model.bin/p207.model.layers.22.post_attention_layernorm.weight b/pytorch_model.bin/p207.model.layers.22.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..c7227847e8111c8f0533ed60519a9ed984c44979 --- /dev/null +++ b/pytorch_model.bin/p207.model.layers.22.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c9686519617a976f7e095397924ff6242977589c580cf53ec5114a047cd5bb4 +size 17309 diff --git a/pytorch_model.bin/p208.model.layers.23.self_attn.q_proj.weight b/pytorch_model.bin/p208.model.layers.23.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..4b8dc5b5f6e885a3b2b6bec095350ee3ec16055c --- /dev/null +++ b/pytorch_model.bin/p208.model.layers.23.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:692b169ec4a26bf7422298f8f761be71207c7ad798e0547ae0d36b5fd0bbab12 +size 67109765 diff --git a/pytorch_model.bin/p209.model.layers.23.self_attn.k_proj.weight b/pytorch_model.bin/p209.model.layers.23.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..9d683391b209e9d4fac7f986ff3d1d17014fde7a --- /dev/null +++ b/pytorch_model.bin/p209.model.layers.23.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f35cb872ebe83b2a31514037965fe1457b117163f5558d13e553ad24ae393055 +size 16778117 diff --git a/pytorch_model.bin/p21.model.layers.2.self_attn.v_proj.weight b/pytorch_model.bin/p21.model.layers.2.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..484e761b04f1ee301e1915db3c4491fcf3a8d862 --- /dev/null +++ b/pytorch_model.bin/p21.model.layers.2.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e41db07cb9ea02bb123555d4fce067d24671d619ff8b35e03e51183da5b693c0 +size 16778111 diff --git a/pytorch_model.bin/p210.model.layers.23.self_attn.v_proj.weight b/pytorch_model.bin/p210.model.layers.23.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..bc8ed3b02448e7c0626ea9e8f98e0fffbac7a6d5 --- /dev/null +++ b/pytorch_model.bin/p210.model.layers.23.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26099753ceda613eb05097f9d29ed93922e67d2847910a845aac20857b405ac2 +size 16778117 diff --git a/pytorch_model.bin/p211.model.layers.23.self_attn.o_proj.weight b/pytorch_model.bin/p211.model.layers.23.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0eb242d3f6f8b5ac0fda2e472ea9c61cdc5a88e3 --- /dev/null +++ b/pytorch_model.bin/p211.model.layers.23.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1dab0b304495ce80d257cd076caf12430fbc054aca7028c359408d72febf7c5 +size 67109765 diff --git a/pytorch_model.bin/p212.model.layers.23.mlp.gate_proj.weight b/pytorch_model.bin/p212.model.layers.23.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..95381e5403e33dd036abc62c23d825f180402e49 --- /dev/null +++ b/pytorch_model.bin/p212.model.layers.23.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52d62d3afb9966811367fe27714c56bfade9d4bd9a2b2bf25493a267343ab828 +size 234881916 diff --git a/pytorch_model.bin/p213.model.layers.23.mlp.up_proj.weight b/pytorch_model.bin/p213.model.layers.23.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..05573840d5024559b23d57b7ca6f9e71e6b109a3 --- /dev/null +++ b/pytorch_model.bin/p213.model.layers.23.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed3801225aff4870e4b1cdab105b7343a7f271488ce8943e0f6000435c5cc3c1 +size 234881910 diff --git a/pytorch_model.bin/p214.model.layers.23.mlp.down_proj.weight b/pytorch_model.bin/p214.model.layers.23.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..adc1863997dd712eb0bef4711b2a4f487307c58d --- /dev/null +++ b/pytorch_model.bin/p214.model.layers.23.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:080f6e157910813f00846a1731fb27cfc8e1341b523856fcabc03075a09c5ef0 +size 234881916 diff --git a/pytorch_model.bin/p215.model.layers.23.input_layernorm.weight b/pytorch_model.bin/p215.model.layers.23.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..e161966180f4b53e0ae12cb8d5072bbb763d2096 --- /dev/null +++ b/pytorch_model.bin/p215.model.layers.23.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:649a57df665fe21d1d4693210625d4c1b049991b5e9016c4cae273bbd8cf077b +size 17282 diff --git a/pytorch_model.bin/p216.model.layers.23.post_attention_layernorm.weight b/pytorch_model.bin/p216.model.layers.23.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..9e16a4aa2dd89187de9e1559620769ff8dbba3dc --- /dev/null +++ b/pytorch_model.bin/p216.model.layers.23.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8c99ad951838583af6d38696e108b4f4ff2a1abfab3198f9d3ad112185c1aac +size 17309 diff --git a/pytorch_model.bin/p217.model.layers.24.self_attn.q_proj.weight b/pytorch_model.bin/p217.model.layers.24.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1b56ca70218ce1c519d3b1d6238a5f30a446e782 --- /dev/null +++ b/pytorch_model.bin/p217.model.layers.24.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3508cb89a83522ff36feaddc9c5b27b5e1fe4be612f070978037198a88329312 +size 67109765 diff --git a/pytorch_model.bin/p218.model.layers.24.self_attn.k_proj.weight b/pytorch_model.bin/p218.model.layers.24.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..7427154de8de222bd017bc661860325277df62d0 --- /dev/null +++ b/pytorch_model.bin/p218.model.layers.24.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:003c070bb5168e65102e97d6cd4fbfab5589f399dc61cd02f92f426962a2f97a +size 16778117 diff --git a/pytorch_model.bin/p219.model.layers.24.self_attn.v_proj.weight b/pytorch_model.bin/p219.model.layers.24.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..189410f49ed43ada50894cf79474d67e729e8bba --- /dev/null +++ b/pytorch_model.bin/p219.model.layers.24.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e027834798e7b052e2eefb2f9942ee00281bc655dead5690013445534226d1f3 +size 16778117 diff --git a/pytorch_model.bin/p22.model.layers.2.self_attn.o_proj.weight b/pytorch_model.bin/p22.model.layers.2.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..847e4008bf75b87d6a0257c37d13471e348e87e6 --- /dev/null +++ b/pytorch_model.bin/p22.model.layers.2.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c4713e4cfec1dd12d25df74d48e8ad1d5e3ba38f25dcd0983e7f0cf028a8991 +size 67109759 diff --git a/pytorch_model.bin/p220.model.layers.24.self_attn.o_proj.weight b/pytorch_model.bin/p220.model.layers.24.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..20f16cd37ec64cdc782644c18f7faeaa51bb1853 --- /dev/null +++ b/pytorch_model.bin/p220.model.layers.24.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6533b373196b05298352564fefaf22cfefad92869f021cba4a485d87050a3d75 +size 67109765 diff --git a/pytorch_model.bin/p221.model.layers.24.mlp.gate_proj.weight b/pytorch_model.bin/p221.model.layers.24.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..77709b7eb8daf55f7cca336584abdf8f95071ac8 --- /dev/null +++ b/pytorch_model.bin/p221.model.layers.24.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9f69807c12d7af00f222af4b07f4c1fa7b967b66031edb2cea2797ad2991d46 +size 234881916 diff --git a/pytorch_model.bin/p222.model.layers.24.mlp.up_proj.weight b/pytorch_model.bin/p222.model.layers.24.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..570fd25547e180a853273d42d65fbbf97cad8d96 --- /dev/null +++ b/pytorch_model.bin/p222.model.layers.24.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06c8ec3e8964b189408733e66874bd795d93d94c043aa97ad06721a5a7343da7 +size 234881910 diff --git a/pytorch_model.bin/p223.model.layers.24.mlp.down_proj.weight b/pytorch_model.bin/p223.model.layers.24.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c7900c5cacab079e95f147f9626bccee7341d64c --- /dev/null +++ b/pytorch_model.bin/p223.model.layers.24.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a42f428744f3a61e47a598752636d6749f8f8fe6c5c25afa9576eb1f825b9124 +size 234881916 diff --git a/pytorch_model.bin/p224.model.layers.24.input_layernorm.weight b/pytorch_model.bin/p224.model.layers.24.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..9c3f5e23d0ff025d2f9f22e7365fd4161d821d00 --- /dev/null +++ b/pytorch_model.bin/p224.model.layers.24.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a510adeb559cbf4054818e967c096641ba5b53ca625ebc6e973dfdf51d86a9a +size 17282 diff --git a/pytorch_model.bin/p225.model.layers.24.post_attention_layernorm.weight b/pytorch_model.bin/p225.model.layers.24.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..8c8850dead950838efe724d701a7d93ca47fb08d --- /dev/null +++ b/pytorch_model.bin/p225.model.layers.24.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16923300b6022fbd6a0a78f93a983c8db333dd68eb4542b1b6ec179adda983f4 +size 17309 diff --git a/pytorch_model.bin/p226.model.layers.25.self_attn.q_proj.weight b/pytorch_model.bin/p226.model.layers.25.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b3e48a55335fa7b0722d8cc3d79abca5eb2d0360 --- /dev/null +++ b/pytorch_model.bin/p226.model.layers.25.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54bba33c5c5019ade591fdc09defba550a0152ceec73f7fb25704572998564b7 +size 67109765 diff --git a/pytorch_model.bin/p227.model.layers.25.self_attn.k_proj.weight b/pytorch_model.bin/p227.model.layers.25.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..8d12447babdeaadd2c497f87a6b0ab44445cc493 --- /dev/null +++ b/pytorch_model.bin/p227.model.layers.25.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf12d0083dd07bbc8e2eee32d3d5b81a273ce4f63a992f4a9ec299ba410ac56a +size 16778117 diff --git a/pytorch_model.bin/p228.model.layers.25.self_attn.v_proj.weight b/pytorch_model.bin/p228.model.layers.25.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d29063c4881f63c16283e96e379e546865e56050 --- /dev/null +++ b/pytorch_model.bin/p228.model.layers.25.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40899ff8245cda8e36167ee0705ee07c3afb16898f124240cf3b74bec42c5d3b +size 16778117 diff --git a/pytorch_model.bin/p229.model.layers.25.self_attn.o_proj.weight b/pytorch_model.bin/p229.model.layers.25.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c9505fbca11d9b730ed44f40efbd7d2c572dc375 --- /dev/null +++ b/pytorch_model.bin/p229.model.layers.25.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2da330d8fad0f58abdabfb1eef60a5193d8eafd7813b230d26a7eba9e5211da7 +size 67109765 diff --git a/pytorch_model.bin/p23.model.layers.2.mlp.gate_proj.weight b/pytorch_model.bin/p23.model.layers.2.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..042c416556da33b947c9e0cb53c2df965f3964e9 --- /dev/null +++ b/pytorch_model.bin/p23.model.layers.2.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c97e32bc308ae336669773728dca118d249362e7c85550f6a8941411bcef59cd +size 234881910 diff --git a/pytorch_model.bin/p230.model.layers.25.mlp.gate_proj.weight b/pytorch_model.bin/p230.model.layers.25.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..838b5cb4387a1f5c9624b7eaf337e0ee8b13c9e2 --- /dev/null +++ b/pytorch_model.bin/p230.model.layers.25.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c73592c8b1b58a389dfcaead4838cf4d18602ca585b06d4e9fce52eed72b4e8 +size 234881916 diff --git a/pytorch_model.bin/p231.model.layers.25.mlp.up_proj.weight b/pytorch_model.bin/p231.model.layers.25.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..9dce0cab46f73b5cbf6b545de43294576c325642 --- /dev/null +++ b/pytorch_model.bin/p231.model.layers.25.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca373b66f71d88398d8c66612f1e25711d0e85798d4826dd3856d82b0e320802 +size 234881910 diff --git a/pytorch_model.bin/p232.model.layers.25.mlp.down_proj.weight b/pytorch_model.bin/p232.model.layers.25.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..23aa4a4e6900a74c01809311d0d491b4117eaa86 --- /dev/null +++ b/pytorch_model.bin/p232.model.layers.25.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d981d2c40e894643b1c4c3ef77aee341ca69ec75925b564cd3e33fbb625534f5 +size 234881916 diff --git a/pytorch_model.bin/p233.model.layers.25.input_layernorm.weight b/pytorch_model.bin/p233.model.layers.25.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..ac4dd954e2f5da76edac30c3508e887ccbb5097d --- /dev/null +++ b/pytorch_model.bin/p233.model.layers.25.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f117f0964a76a4d60ed5f89ded9aa56c7cc68ba3917ca576c5b7086aa6b418a +size 17282 diff --git a/pytorch_model.bin/p234.model.layers.25.post_attention_layernorm.weight b/pytorch_model.bin/p234.model.layers.25.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..c2c06337d9a47da020c68553333eccef4f42a8c9 --- /dev/null +++ b/pytorch_model.bin/p234.model.layers.25.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a226261efd7901faa9be92ec4ebe4878988afed536ff666212cfcaa3bae3fb4 +size 17309 diff --git a/pytorch_model.bin/p235.model.layers.26.self_attn.q_proj.weight b/pytorch_model.bin/p235.model.layers.26.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..14594a8a1b3da54284f85e370c5705f4cb0e6a9b --- /dev/null +++ b/pytorch_model.bin/p235.model.layers.26.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5776d1eafe677803d09beff17c884b89b08e467159e6126a66bb88e04182d2a +size 67109765 diff --git a/pytorch_model.bin/p236.model.layers.26.self_attn.k_proj.weight b/pytorch_model.bin/p236.model.layers.26.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..2b4db6b6c782ff9746987fe02921136f4d90263b --- /dev/null +++ b/pytorch_model.bin/p236.model.layers.26.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90ec1649ccdef0f78f7c970f1065a97a5795364cd6b5098cd90fe01222d8cb66 +size 16778117 diff --git a/pytorch_model.bin/p237.model.layers.26.self_attn.v_proj.weight b/pytorch_model.bin/p237.model.layers.26.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b87f700050a3cedeb23c63eaad4358ffb1da135b --- /dev/null +++ b/pytorch_model.bin/p237.model.layers.26.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c088c2368c26c6eef345527ad5684128f1a8d5edb5ff442bf64ebcda94fa4c4 +size 16778117 diff --git a/pytorch_model.bin/p238.model.layers.26.self_attn.o_proj.weight b/pytorch_model.bin/p238.model.layers.26.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b64b7a5132fc1fd48a14ae8300ec8ee68397590f --- /dev/null +++ b/pytorch_model.bin/p238.model.layers.26.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f32df4abf1985d0818dcdb26b12cbe2aec7fa5d6ec40c50277335b5de6c0a442 +size 67109765 diff --git a/pytorch_model.bin/p239.model.layers.26.mlp.gate_proj.weight b/pytorch_model.bin/p239.model.layers.26.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..114790f165172723af719a11cf2ef04eb592209a --- /dev/null +++ b/pytorch_model.bin/p239.model.layers.26.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6c7ddce9304470c35b72499454005352960571e92403918f57266e07d6c4b00 +size 234881916 diff --git a/pytorch_model.bin/p24.model.layers.2.mlp.up_proj.weight b/pytorch_model.bin/p24.model.layers.2.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f84b75a438f4de67ff153185e284292a63f51d4c --- /dev/null +++ b/pytorch_model.bin/p24.model.layers.2.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a89a9cbd9304910a2c9a6b45523501195a5d20c1a7b37fae973c330d9682a506 +size 234881904 diff --git a/pytorch_model.bin/p240.model.layers.26.mlp.up_proj.weight b/pytorch_model.bin/p240.model.layers.26.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c1f3421da04682b929587a41d8f192bfb8114646 --- /dev/null +++ b/pytorch_model.bin/p240.model.layers.26.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f053ea41e4c807565de59617d440468dafa62339dc0bce8d6c3352817d7dd11a +size 234881910 diff --git a/pytorch_model.bin/p241.model.layers.26.mlp.down_proj.weight b/pytorch_model.bin/p241.model.layers.26.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..efd06717e498f0b0b17d9195a478caa55872d41b --- /dev/null +++ b/pytorch_model.bin/p241.model.layers.26.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed60ee1a12bfe868bc12f916880a01d5df0174196f088e9b0f76c5811a782341 +size 234881916 diff --git a/pytorch_model.bin/p242.model.layers.26.input_layernorm.weight b/pytorch_model.bin/p242.model.layers.26.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..dadb95c857249ce4fd61b5ee2f6b506b76298f8d --- /dev/null +++ b/pytorch_model.bin/p242.model.layers.26.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:745196de78cdcb2d9e11deb829d01895b0e09a906ba76b98a2b691874b0065f0 +size 17282 diff --git a/pytorch_model.bin/p243.model.layers.26.post_attention_layernorm.weight b/pytorch_model.bin/p243.model.layers.26.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..a52b6d8020eeb14e7487936166cd4183035b75d4 --- /dev/null +++ b/pytorch_model.bin/p243.model.layers.26.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6b8fda5c3fd2d0e468514ea5eac9cf8d44e20b77eca1fd6f55481a76180f625 +size 17309 diff --git a/pytorch_model.bin/p244.model.layers.27.self_attn.q_proj.weight b/pytorch_model.bin/p244.model.layers.27.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0695a1aead2bfeb17bc15d3727f0eeff44d061b8 --- /dev/null +++ b/pytorch_model.bin/p244.model.layers.27.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3c62805476ad80a8815e1db3b7c5b185ef3dfeb43713c512742272765a09734 +size 67109765 diff --git a/pytorch_model.bin/p245.model.layers.27.self_attn.k_proj.weight b/pytorch_model.bin/p245.model.layers.27.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..51ddf9ba520d79bbafb374ae649eed1b917ba355 --- /dev/null +++ b/pytorch_model.bin/p245.model.layers.27.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e63baa373cfae5ea2827456bda39d3a12f14ec49af70bbd92b3e280a82bdd81c +size 16778117 diff --git a/pytorch_model.bin/p246.model.layers.27.self_attn.v_proj.weight b/pytorch_model.bin/p246.model.layers.27.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..e2eda64541ecc720222eeef2db3dd73575f16bd9 --- /dev/null +++ b/pytorch_model.bin/p246.model.layers.27.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1edb1c9d9091b98e36941c44a1e38434710afd4b4772dba64b1238730437d988 +size 16778117 diff --git a/pytorch_model.bin/p247.model.layers.27.self_attn.o_proj.weight b/pytorch_model.bin/p247.model.layers.27.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..95f0131a417207f0eb18424d813d9fe4975dd8d6 --- /dev/null +++ b/pytorch_model.bin/p247.model.layers.27.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0456dadefeae08a9d1cb110591d22b4ac5d6cbc661990c98aa4f4608e2cf6f32 +size 67109765 diff --git a/pytorch_model.bin/p248.model.layers.27.mlp.gate_proj.weight b/pytorch_model.bin/p248.model.layers.27.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..9f702c5a5f4577bfba6d9b8754da810fb00d6397 --- /dev/null +++ b/pytorch_model.bin/p248.model.layers.27.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c9b5f168578db537522526290dfa72e1fd78b7966e648b5f71e57279424b99c +size 234881916 diff --git a/pytorch_model.bin/p249.model.layers.27.mlp.up_proj.weight b/pytorch_model.bin/p249.model.layers.27.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b15add59550e0089c508dd41a7b505161025ab38 --- /dev/null +++ b/pytorch_model.bin/p249.model.layers.27.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd3428a1284bf8ef3b2ce3ad4a8763343beb24149606946d08d5b81d95f74710 +size 234881910 diff --git a/pytorch_model.bin/p25.model.layers.2.mlp.down_proj.weight b/pytorch_model.bin/p25.model.layers.2.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..7a49d176197f299a1b6961d3eddba1dc6c77020a --- /dev/null +++ b/pytorch_model.bin/p25.model.layers.2.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:585f1f4a93aae92751afd616ffa97cbbb6c79b31987feab4d97c9287a75748d1 +size 234881910 diff --git a/pytorch_model.bin/p250.model.layers.27.mlp.down_proj.weight b/pytorch_model.bin/p250.model.layers.27.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5211ddecbf6ef3e40413af7872965d408485ad0d --- /dev/null +++ b/pytorch_model.bin/p250.model.layers.27.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12f4808ad22f48224feadbbe9b83020c0196c32796f44a9e5c4be40906f02bed +size 234881916 diff --git a/pytorch_model.bin/p251.model.layers.27.input_layernorm.weight b/pytorch_model.bin/p251.model.layers.27.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..0e7b5462fbe9fb0cdb8b9623a00100f5469af698 --- /dev/null +++ b/pytorch_model.bin/p251.model.layers.27.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5db45bfe0680908ab279350aae3024647d3e6f2dd0ce1de9805051185ad57ed8 +size 17282 diff --git a/pytorch_model.bin/p252.model.layers.27.post_attention_layernorm.weight b/pytorch_model.bin/p252.model.layers.27.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..b8c6b1b79430329b3f2ecd74ba5dc74282038929 --- /dev/null +++ b/pytorch_model.bin/p252.model.layers.27.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34f70100b21f93187d7211ef8da1f2d5f8d9f9c607654f850f9d1302f99d2f6c +size 17309 diff --git a/pytorch_model.bin/p253.model.layers.28.self_attn.q_proj.weight b/pytorch_model.bin/p253.model.layers.28.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c7f0ba1da1db19674c47d824cf1acc63a701de9a --- /dev/null +++ b/pytorch_model.bin/p253.model.layers.28.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac2fb5fb17110b05fd6910211e2bd2605b00908348bebe7b74414f19a8f1f612 +size 67109765 diff --git a/pytorch_model.bin/p254.model.layers.28.self_attn.k_proj.weight b/pytorch_model.bin/p254.model.layers.28.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f771b11f1d6f36a9beaef332149cc429e245f909 --- /dev/null +++ b/pytorch_model.bin/p254.model.layers.28.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c4af9470ed417bda399e13c4988f26f18fae3f2487f2050504abf3b548dc3fa +size 16778117 diff --git a/pytorch_model.bin/p255.model.layers.28.self_attn.v_proj.weight b/pytorch_model.bin/p255.model.layers.28.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f6d3b0ef05a719082ee9aa9adc40c32823f8d1ed --- /dev/null +++ b/pytorch_model.bin/p255.model.layers.28.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:645afa1cfe23747d50bb36278a152311e804d587d41ce3c720efd4eba176c48f +size 16778117 diff --git a/pytorch_model.bin/p256.model.layers.28.self_attn.o_proj.weight b/pytorch_model.bin/p256.model.layers.28.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c7dc9d8c100f14991938dc2c2f99920e80d86510 --- /dev/null +++ b/pytorch_model.bin/p256.model.layers.28.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4e85e37aaf82dc7e30e6f03cba81156f3dba008d8d884c560c0718b32e44ff9 +size 67109765 diff --git a/pytorch_model.bin/p257.model.layers.28.mlp.gate_proj.weight b/pytorch_model.bin/p257.model.layers.28.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..86ee660a317de1a395e480cd0da28ceea553ede6 --- /dev/null +++ b/pytorch_model.bin/p257.model.layers.28.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23274a637f3b3cebd10880d0aec1da0d3200234c7e28f5e4ce696141e3637f90 +size 234881916 diff --git a/pytorch_model.bin/p258.model.layers.28.mlp.up_proj.weight b/pytorch_model.bin/p258.model.layers.28.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..e5889c6b74347224de093eb86123589c4822bef3 --- /dev/null +++ b/pytorch_model.bin/p258.model.layers.28.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bee9aa9947b637409b7328ecad737e0f13b82270d3928900e4955a4c8275a17d +size 234881910 diff --git a/pytorch_model.bin/p259.model.layers.28.mlp.down_proj.weight b/pytorch_model.bin/p259.model.layers.28.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b7fbba2107b0fa4da43bf5de67237d176148a895 --- /dev/null +++ b/pytorch_model.bin/p259.model.layers.28.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e81d78c1042553f0e1fd6aa129a1545d8bdeb1a1cbda6449e628cf8e7ff0dd9 +size 234881916 diff --git a/pytorch_model.bin/p26.model.layers.2.input_layernorm.weight b/pytorch_model.bin/p26.model.layers.2.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..a3685daae0a1c7c8fa5e45480ea89c61925b02f0 --- /dev/null +++ b/pytorch_model.bin/p26.model.layers.2.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f47f93e5c68c756b87ce535a0a3082d11e2d0e2c3f5903b251efaacb8aa89290 +size 17276 diff --git a/pytorch_model.bin/p260.model.layers.28.input_layernorm.weight b/pytorch_model.bin/p260.model.layers.28.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..048b8209baefad2afe557a41176e523dd5a67fd6 --- /dev/null +++ b/pytorch_model.bin/p260.model.layers.28.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d40b346e072610fa328cf4d19199507dc517e0dd8123a781a1ad00903e25655c +size 17282 diff --git a/pytorch_model.bin/p261.model.layers.28.post_attention_layernorm.weight b/pytorch_model.bin/p261.model.layers.28.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..ccc463b0d4bf2976d0bac29bf76f78bc183cc1be --- /dev/null +++ b/pytorch_model.bin/p261.model.layers.28.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:954cc5e59cc881c5810eabebbcbd3fbcbfec89cbbf9d16d89b9c8f650efeeef2 +size 17309 diff --git a/pytorch_model.bin/p262.model.layers.29.self_attn.q_proj.weight b/pytorch_model.bin/p262.model.layers.29.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..6b575478f65554b69af95b47d476073395d08479 --- /dev/null +++ b/pytorch_model.bin/p262.model.layers.29.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d13b182eff5288f1dea253a7ca7cdf0b26be677e342bc3d04e58fdb643c6defa +size 67109765 diff --git a/pytorch_model.bin/p263.model.layers.29.self_attn.k_proj.weight b/pytorch_model.bin/p263.model.layers.29.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f79e2d91084672f101b551c63da0b0be61bc9206 --- /dev/null +++ b/pytorch_model.bin/p263.model.layers.29.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3372d7da46d5f449228c482b501470aede18a1f920f18c9928c99d12b654955 +size 16778117 diff --git a/pytorch_model.bin/p264.model.layers.29.self_attn.v_proj.weight b/pytorch_model.bin/p264.model.layers.29.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..e94a30b3b79ec30d26a4a48a174517fec21cb701 --- /dev/null +++ b/pytorch_model.bin/p264.model.layers.29.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3038371457aec0a0b2d34b215ef42965a771c42062e83ca311b58eabf4c14111 +size 16778117 diff --git a/pytorch_model.bin/p265.model.layers.29.self_attn.o_proj.weight b/pytorch_model.bin/p265.model.layers.29.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b89ce00716523ae285fef80f21b5f9499c11aedd --- /dev/null +++ b/pytorch_model.bin/p265.model.layers.29.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0c625552f1215a41d2069bf82a49c88b99f5e98df0dfdf55dbe5847524c05e1 +size 67109765 diff --git a/pytorch_model.bin/p266.model.layers.29.mlp.gate_proj.weight b/pytorch_model.bin/p266.model.layers.29.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b263d870073c9f5f294f67fc2758d9e0bed463c0 --- /dev/null +++ b/pytorch_model.bin/p266.model.layers.29.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c086dc5b706d19c4faaec9df53d3fe1187885a8a1aed510394ffb4cfbfa65c8d +size 234881916 diff --git a/pytorch_model.bin/p267.model.layers.29.mlp.up_proj.weight b/pytorch_model.bin/p267.model.layers.29.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5d3becc6a988eb490e3dea04158693da16dafbbb --- /dev/null +++ b/pytorch_model.bin/p267.model.layers.29.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6761fc0941b998f9b3994e29efb55af661fe9eae3d02c3ae03d60ec33254700e +size 234881910 diff --git a/pytorch_model.bin/p268.model.layers.29.mlp.down_proj.weight b/pytorch_model.bin/p268.model.layers.29.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..3f62aa542f265ea8beab7b96783121affaf8e9b2 --- /dev/null +++ b/pytorch_model.bin/p268.model.layers.29.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f593354a8e1ffaeabbc7d8522a525fb84c12bebfe8b8b5a7966052a2c5e3bbc7 +size 234881916 diff --git a/pytorch_model.bin/p269.model.layers.29.input_layernorm.weight b/pytorch_model.bin/p269.model.layers.29.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..b14a6756e77657f1a653c8d765bb23d04fda3da0 --- /dev/null +++ b/pytorch_model.bin/p269.model.layers.29.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:560872ecc10f0bc5a1a64d4f80445bb197842a788b9803295771f36cf2655d30 +size 17282 diff --git a/pytorch_model.bin/p27.model.layers.2.post_attention_layernorm.weight b/pytorch_model.bin/p27.model.layers.2.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..3e942abf456a64897360370645ac1feaab4cb847 --- /dev/null +++ b/pytorch_model.bin/p27.model.layers.2.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4fe1296774964c7f967ca7c4bf7afecf721c5c51d6b835e80aa33e23227359a +size 17303 diff --git a/pytorch_model.bin/p270.model.layers.29.post_attention_layernorm.weight b/pytorch_model.bin/p270.model.layers.29.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..2660a69c540e0c6ce692da3ac2cbd3498131f535 --- /dev/null +++ b/pytorch_model.bin/p270.model.layers.29.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:660aa0e556e765c5a365665212b7da63878c4df87d7b5b8f7a8b156aa4e97536 +size 17309 diff --git a/pytorch_model.bin/p271.model.layers.30.self_attn.q_proj.weight b/pytorch_model.bin/p271.model.layers.30.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..82e2e6b7b260b739865fca8a349daf0c7dad2978 --- /dev/null +++ b/pytorch_model.bin/p271.model.layers.30.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fad684b94371cef96bf9fcbe2881db9a315bc4a44c26b617f0e6359e557947a +size 67109765 diff --git a/pytorch_model.bin/p272.model.layers.30.self_attn.k_proj.weight b/pytorch_model.bin/p272.model.layers.30.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..38ff4ba62cf939466f82feb817c589fb30316858 --- /dev/null +++ b/pytorch_model.bin/p272.model.layers.30.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bba8255eb08e05cf7b7423aeb66d130254dcacb2d24d9f332d6bcce2856b7cef +size 16778117 diff --git a/pytorch_model.bin/p273.model.layers.30.self_attn.v_proj.weight b/pytorch_model.bin/p273.model.layers.30.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..fe63e1896232274626724cb1f9f21b8e4c316286 --- /dev/null +++ b/pytorch_model.bin/p273.model.layers.30.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6545dd5bcef5f722e1491d888bd75f438a29a39fda852e9d1ff30fcabd19858 +size 16778117 diff --git a/pytorch_model.bin/p274.model.layers.30.self_attn.o_proj.weight b/pytorch_model.bin/p274.model.layers.30.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..86330cfbf8b29579c5be600fd4b5e86c8f78dda8 --- /dev/null +++ b/pytorch_model.bin/p274.model.layers.30.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e077f88701be9244c498ebe62bf2707b32300a2cfd7e4792b05cc01140fcc5f3 +size 67109765 diff --git a/pytorch_model.bin/p275.model.layers.30.mlp.gate_proj.weight b/pytorch_model.bin/p275.model.layers.30.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..11d7f481361264b849a1333518dad644ac471d33 --- /dev/null +++ b/pytorch_model.bin/p275.model.layers.30.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18084e9d2c1c798811516bae11cb41f1dce46bc99ff1aed03c17db91b148dd46 +size 234881916 diff --git a/pytorch_model.bin/p276.model.layers.30.mlp.up_proj.weight b/pytorch_model.bin/p276.model.layers.30.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..df13585d9d1e9e9101ab255f10b4fee1cbcff7d0 --- /dev/null +++ b/pytorch_model.bin/p276.model.layers.30.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7df8e65297179870650eb18d9b3e6ed82ecc4c67f51586cd9dce2f39d4cf10de +size 234881910 diff --git a/pytorch_model.bin/p277.model.layers.30.mlp.down_proj.weight b/pytorch_model.bin/p277.model.layers.30.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..aef3a54fc4f4f05f41e253d62083b20c688c6ab1 --- /dev/null +++ b/pytorch_model.bin/p277.model.layers.30.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bf911d3a94d0d2d74dedd4258dff6162ac610a98f92ffebe186cd5805a9b822 +size 234881916 diff --git a/pytorch_model.bin/p278.model.layers.30.input_layernorm.weight b/pytorch_model.bin/p278.model.layers.30.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..53004a473e4b1a481a91cc9f091a959f6f2c4455 --- /dev/null +++ b/pytorch_model.bin/p278.model.layers.30.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4f24e8389e25d062e1b4db3b446fa7968318b6cd0d50aaf7142613ac2a378b8 +size 17282 diff --git a/pytorch_model.bin/p279.model.layers.30.post_attention_layernorm.weight b/pytorch_model.bin/p279.model.layers.30.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..de1fdb8630778ac61d53716a03e257e02b175a10 --- /dev/null +++ b/pytorch_model.bin/p279.model.layers.30.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e025ebc543877273fa64a7bb746272780316f4537dc6ba244f8106bcd7e6f51f +size 17309 diff --git a/pytorch_model.bin/p28.model.layers.3.self_attn.q_proj.weight b/pytorch_model.bin/p28.model.layers.3.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5bea01086784e159c0a4b6d021674ea7ac21feaf --- /dev/null +++ b/pytorch_model.bin/p28.model.layers.3.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5998881da2a029ad9947076be3e00e8af44d6eda08fb24f91ff40084ab76cdf6 +size 67109759 diff --git a/pytorch_model.bin/p280.model.layers.31.self_attn.q_proj.weight b/pytorch_model.bin/p280.model.layers.31.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..13da726f327b09948fc942cb275d9513b16ffbad --- /dev/null +++ b/pytorch_model.bin/p280.model.layers.31.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3714eb8715fcaae7b2476ac2f5aad9f1f099620874b58fb7c5f65e29ceb078ec +size 67109765 diff --git a/pytorch_model.bin/p281.model.layers.31.self_attn.k_proj.weight b/pytorch_model.bin/p281.model.layers.31.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..2d0ea9f58fb951731918a56ed146ff44ec28636f --- /dev/null +++ b/pytorch_model.bin/p281.model.layers.31.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e93d6fa46eafa9f8d7dadba698c9eb37ac54f688bc2aff4052b04f1093e467b +size 16778117 diff --git a/pytorch_model.bin/p282.model.layers.31.self_attn.v_proj.weight b/pytorch_model.bin/p282.model.layers.31.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d05ba77855c66b979e771f57ab674d894572cf80 --- /dev/null +++ b/pytorch_model.bin/p282.model.layers.31.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6ae529615c19e6f21252469c2b4951cf7b4624d62b57b9fd445eadb70a0424d +size 16778117 diff --git a/pytorch_model.bin/p283.model.layers.31.self_attn.o_proj.weight b/pytorch_model.bin/p283.model.layers.31.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..a58fb500a293c46c2e3847d5a9cab3edb79e499e --- /dev/null +++ b/pytorch_model.bin/p283.model.layers.31.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a059e112c946cf4e47eb80260615d86386a32f6fd1d76c1e8f95f8fd3c2c460 +size 67109765 diff --git a/pytorch_model.bin/p284.model.layers.31.mlp.gate_proj.weight b/pytorch_model.bin/p284.model.layers.31.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..bf68b084dfab6c71c88cff3ff5855a292663ae78 --- /dev/null +++ b/pytorch_model.bin/p284.model.layers.31.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdcc681579f55324212eebccbe21dbfc2700aeafb9ba747e8a374e4d3df9df8d +size 234881916 diff --git a/pytorch_model.bin/p285.model.layers.31.mlp.up_proj.weight b/pytorch_model.bin/p285.model.layers.31.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1a2fda8b8b3097eba66c3feb634f5f245b839c04 --- /dev/null +++ b/pytorch_model.bin/p285.model.layers.31.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcc803c3139a70ada478a94c1f2715013f1d446ce82091266161d294ad4931f7 +size 234881910 diff --git a/pytorch_model.bin/p286.model.layers.31.mlp.down_proj.weight b/pytorch_model.bin/p286.model.layers.31.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5e25bcf22a08a2fc61d88cb2290b0af2e8a28576 --- /dev/null +++ b/pytorch_model.bin/p286.model.layers.31.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d53c0c9461b572baa7960e87ed34f672538c998918ead08d181c2f15d6e8cf5 +size 234881916 diff --git a/pytorch_model.bin/p287.model.layers.31.input_layernorm.weight b/pytorch_model.bin/p287.model.layers.31.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..6d6c1409c1226710111288044f2c0b949ad7dcd2 --- /dev/null +++ b/pytorch_model.bin/p287.model.layers.31.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5dcd59a538b3e8c7b1e071adfbf8815057c4352bd748ad018303c2b81a5d86f +size 17282 diff --git a/pytorch_model.bin/p288.model.layers.31.post_attention_layernorm.weight b/pytorch_model.bin/p288.model.layers.31.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..4018b123bc872202029180d3003e03c1ca9ca067 --- /dev/null +++ b/pytorch_model.bin/p288.model.layers.31.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9d09b4e0983c1701b9eb5ec86e2c8fa9d477cd98fa9f0d014afd56ceb8a1efe +size 17309 diff --git a/pytorch_model.bin/p289.model.norm.weight b/pytorch_model.bin/p289.model.norm.weight new file mode 100644 index 0000000000000000000000000000000000000000..51bce82b38f623b6aa9806a8c922662793d7b44f --- /dev/null +++ b/pytorch_model.bin/p289.model.norm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a5d6d3fa39e6cad5bd0fe81460cdfefd7038bd2ecdf10ff1f48ccb80942ca93 +size 17155 diff --git a/pytorch_model.bin/p29.model.layers.3.self_attn.k_proj.weight b/pytorch_model.bin/p29.model.layers.3.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..3ff8bc72aef11b56c8d21ea1a297bbf7389f1e28 --- /dev/null +++ b/pytorch_model.bin/p29.model.layers.3.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3b27b49775b43f47e26f0a163cfffc855a7c9efa3c9b82bf33677b44fa08452 +size 16778111 diff --git a/pytorch_model.bin/p290.lm_head.weight b/pytorch_model.bin/p290.lm_head.weight new file mode 100644 index 0000000000000000000000000000000000000000..f553c00ff2ba951b118ee0415d9564787f6dd5ef --- /dev/null +++ b/pytorch_model.bin/p290.lm_head.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2cbb30d448109bb422fc2cf3bb6ef2dfa177b99e11f3055aeede25b8c56dad1 +size 524288762 diff --git a/pytorch_model.bin/p3.model.layers.0.self_attn.v_proj.weight b/pytorch_model.bin/p3.model.layers.0.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..e545cf29cc0a4637ab5a3cbeb63e06e5fbcfc063 --- /dev/null +++ b/pytorch_model.bin/p3.model.layers.0.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed693f4cf4453e9036a4bdf934a3091b790e4f4650926e0ab918d86c6a61873c +size 16778108 diff --git a/pytorch_model.bin/p30.model.layers.3.self_attn.v_proj.weight b/pytorch_model.bin/p30.model.layers.3.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..4968333c29af5ac4a7829097bf81a64b3ced0e60 --- /dev/null +++ b/pytorch_model.bin/p30.model.layers.3.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ab1d992d9b75e084fd0ac47c3c472c28bc6b4bce5b3a80d8a190bd1a3b4bf48 +size 16778111 diff --git a/pytorch_model.bin/p31.model.layers.3.self_attn.o_proj.weight b/pytorch_model.bin/p31.model.layers.3.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5f48f439e1b1a5cba39df39a1004324278e9cf5f --- /dev/null +++ b/pytorch_model.bin/p31.model.layers.3.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b29ac5a2c38cccf4f4162e9c283f7c459c4b4a43ba910dd71ec77f51dd18d2b +size 67109759 diff --git a/pytorch_model.bin/p32.model.layers.3.mlp.gate_proj.weight b/pytorch_model.bin/p32.model.layers.3.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ea63256532f4f487532ac0fe530ae52a4f7f3143 --- /dev/null +++ b/pytorch_model.bin/p32.model.layers.3.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e7b06bc05ab9cae437d357c5ba0f42519fb12f2ada5ee6a44058a57ef531cdf +size 234881910 diff --git a/pytorch_model.bin/p33.model.layers.3.mlp.up_proj.weight b/pytorch_model.bin/p33.model.layers.3.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..3ed3f8d7b70b0ca585bf1223911bf4071c79c10c --- /dev/null +++ b/pytorch_model.bin/p33.model.layers.3.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80d19636dae7a926c979109c553535ee5f76f2236a411718a6cd57f359df5e80 +size 234881904 diff --git a/pytorch_model.bin/p34.model.layers.3.mlp.down_proj.weight b/pytorch_model.bin/p34.model.layers.3.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..20177cac8ed617c2f6486e5d87a6e6dc82b526b9 --- /dev/null +++ b/pytorch_model.bin/p34.model.layers.3.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4accc5b3914bca2d20a9806de6045c52ac1f60f477d4e86033774c615648870 +size 234881910 diff --git a/pytorch_model.bin/p35.model.layers.3.input_layernorm.weight b/pytorch_model.bin/p35.model.layers.3.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..ec95ab5f0092bd7fe2410f17655fa729168eca46 --- /dev/null +++ b/pytorch_model.bin/p35.model.layers.3.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4168e640409c2cb34a8aac7c66af9be227e2d5069ddd98a142e08d96ceb9d5d6 +size 17276 diff --git a/pytorch_model.bin/p36.model.layers.3.post_attention_layernorm.weight b/pytorch_model.bin/p36.model.layers.3.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..e4507da5fbac22b45be264668b77249bf4ec8051 --- /dev/null +++ b/pytorch_model.bin/p36.model.layers.3.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5c6a0b72a7aa7673ec37a98f3cbd93e4e0130452d9c46b2fde4f262c08cc6fb +size 17303 diff --git a/pytorch_model.bin/p37.model.layers.4.self_attn.q_proj.weight b/pytorch_model.bin/p37.model.layers.4.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..2151b15d77c8c8f38d389a4a7ce2afff5a636ef4 --- /dev/null +++ b/pytorch_model.bin/p37.model.layers.4.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55c6eaea6f7de478a4c5cd53719cc1fa944d600f79ffdd4fe170ca75d4c6e1de +size 67109759 diff --git a/pytorch_model.bin/p38.model.layers.4.self_attn.k_proj.weight b/pytorch_model.bin/p38.model.layers.4.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..e066aaf30539ed151237e3433a78c1b89ff51613 --- /dev/null +++ b/pytorch_model.bin/p38.model.layers.4.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:981fb6407d8bb08404e0c403362ecbc1a74ba5594b4d55ce1d6377742e0458c7 +size 16778111 diff --git a/pytorch_model.bin/p39.model.layers.4.self_attn.v_proj.weight b/pytorch_model.bin/p39.model.layers.4.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d9564adb76227db2cda51ea931e77d44901aa6fb --- /dev/null +++ b/pytorch_model.bin/p39.model.layers.4.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e666bffb9f69e7366519c1a6b888c62d3b48e6c2ac2d5af2516647e7c8d80fa4 +size 16778111 diff --git a/pytorch_model.bin/p4.model.layers.0.self_attn.o_proj.weight b/pytorch_model.bin/p4.model.layers.0.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..322d724031eeab066d860f27f8e207b2804c4495 --- /dev/null +++ b/pytorch_model.bin/p4.model.layers.0.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62f8c2b1ae05a18db3be23141af7010bc7357527ef4f68305f9a2ebb5b8c521d +size 67109756 diff --git a/pytorch_model.bin/p40.model.layers.4.self_attn.o_proj.weight b/pytorch_model.bin/p40.model.layers.4.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..06513e30f342c66514591d9fc54f207f66f5b800 --- /dev/null +++ b/pytorch_model.bin/p40.model.layers.4.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cf33c988a46094d8e34ed9754d472e962da75dc99e375ca2c0411d0a0e3b0cf +size 67109759 diff --git a/pytorch_model.bin/p41.model.layers.4.mlp.gate_proj.weight b/pytorch_model.bin/p41.model.layers.4.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..06ced35fac78ff73e60c7838deacf2e37a80fb89 --- /dev/null +++ b/pytorch_model.bin/p41.model.layers.4.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:559535ef8b95c93c8f8f023ba29e9c9cb3cfb371841a67fcd3b8e6ea325da8c2 +size 234881910 diff --git a/pytorch_model.bin/p42.model.layers.4.mlp.up_proj.weight b/pytorch_model.bin/p42.model.layers.4.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b7141223c332b3b9110fc5ac0ed234ad0f6ae2fd --- /dev/null +++ b/pytorch_model.bin/p42.model.layers.4.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5213437a825031e326d6f3d3f7d1b0db504a0e7cc176ffb672de66443417475 +size 234881904 diff --git a/pytorch_model.bin/p43.model.layers.4.mlp.down_proj.weight b/pytorch_model.bin/p43.model.layers.4.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..59d24f2d99951dcc36226d6e10e80153d6e845f5 --- /dev/null +++ b/pytorch_model.bin/p43.model.layers.4.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cae5abf5a06e3d57d2c1cbc200c2512fd071dbf008f76841947de780e7747b6 +size 234881910 diff --git a/pytorch_model.bin/p44.model.layers.4.input_layernorm.weight b/pytorch_model.bin/p44.model.layers.4.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..2670c75c2d7171f0f15676d42868907c8d4ad248 --- /dev/null +++ b/pytorch_model.bin/p44.model.layers.4.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05701153ae688ca430e50b7aac990bc2f013bb733c1349dd31247db51d43903b +size 17276 diff --git a/pytorch_model.bin/p45.model.layers.4.post_attention_layernorm.weight b/pytorch_model.bin/p45.model.layers.4.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..c7f698e5e1724a1b694fe15430de66e4324c6d8a --- /dev/null +++ b/pytorch_model.bin/p45.model.layers.4.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6aafa9e7d1322974916aebb0b59ca38b036d020fb31d740e9dd1ac7dbc2edc4d +size 17303 diff --git a/pytorch_model.bin/p46.model.layers.5.self_attn.q_proj.weight b/pytorch_model.bin/p46.model.layers.5.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..fb5c1846a59f11a3456b0092a3f34bda7e0933a5 --- /dev/null +++ b/pytorch_model.bin/p46.model.layers.5.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab89a566a46073a008357d1107918001e3948ec377940ae6208d9d741f269458 +size 67109759 diff --git a/pytorch_model.bin/p47.model.layers.5.self_attn.k_proj.weight b/pytorch_model.bin/p47.model.layers.5.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..8955ec998e9c8af3d8ddb2d2a3e4040fb7ffa800 --- /dev/null +++ b/pytorch_model.bin/p47.model.layers.5.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a873322b1b15ec698841ac5a016503c00a7085cdc18693e6bc58eff61d03f7f7 +size 16778111 diff --git a/pytorch_model.bin/p48.model.layers.5.self_attn.v_proj.weight b/pytorch_model.bin/p48.model.layers.5.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..92e3d69081775c4369358c71e813e39681f359eb --- /dev/null +++ b/pytorch_model.bin/p48.model.layers.5.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7352327c7dad2ef1026910ebace04e0edbe44e92a0e7dfa38276bd69710b1be7 +size 16778111 diff --git a/pytorch_model.bin/p49.model.layers.5.self_attn.o_proj.weight b/pytorch_model.bin/p49.model.layers.5.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..3989b0841d821ef44b30ad1d9726510c56da75ae --- /dev/null +++ b/pytorch_model.bin/p49.model.layers.5.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b37b888b8886ec5b95854104a585a4a3c3acce25a243632dd44fc70081fb9789 +size 67109759 diff --git a/pytorch_model.bin/p5.model.layers.0.mlp.gate_proj.weight b/pytorch_model.bin/p5.model.layers.0.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ebe8cfee7a5bd1dd0aade00e40b1a294301cd496 --- /dev/null +++ b/pytorch_model.bin/p5.model.layers.0.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22658ab989ad0cb0cb404ff7d8ffae741cf2ee2dbb600ec43a7de639520394cf +size 234881907 diff --git a/pytorch_model.bin/p50.model.layers.5.mlp.gate_proj.weight b/pytorch_model.bin/p50.model.layers.5.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c48890e07a79f3a522d4d267e9c449d85136a7f6 --- /dev/null +++ b/pytorch_model.bin/p50.model.layers.5.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbf7d4cf9c12c265f12c6bbb51d419119981e0bfcedd7201ce35c1169bdae5eb +size 234881910 diff --git a/pytorch_model.bin/p51.model.layers.5.mlp.up_proj.weight b/pytorch_model.bin/p51.model.layers.5.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b591ceeef05f4f1b2de7201b82399ce107b4fa6b --- /dev/null +++ b/pytorch_model.bin/p51.model.layers.5.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:328d5d759b857d4614a65eec13412b407bc05d790e1822433cd868738626f546 +size 234881904 diff --git a/pytorch_model.bin/p52.model.layers.5.mlp.down_proj.weight b/pytorch_model.bin/p52.model.layers.5.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..57cc573cdb3077b957f67113c8f18d1aeb6ba3f5 --- /dev/null +++ b/pytorch_model.bin/p52.model.layers.5.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58de3402eea09114caebdd0234662905c3eea28f780089a6e71a4392e64d567a +size 234881910 diff --git a/pytorch_model.bin/p53.model.layers.5.input_layernorm.weight b/pytorch_model.bin/p53.model.layers.5.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..edd77164ea7d8fddfb4827a4bf567b8a28e870a0 --- /dev/null +++ b/pytorch_model.bin/p53.model.layers.5.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e80edec2916e82c9be8dace8b8ae846cc4c681865d9bc0820c8324fdad29f10d +size 17276 diff --git a/pytorch_model.bin/p54.model.layers.5.post_attention_layernorm.weight b/pytorch_model.bin/p54.model.layers.5.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..23e4e2f0961a9c9cdfd404ec1037c8ac3ea0cb79 --- /dev/null +++ b/pytorch_model.bin/p54.model.layers.5.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7eece0285addbe05cab9e862e03c837b8f24b13184d398ab7eb51e3fd1eeb270 +size 17303 diff --git a/pytorch_model.bin/p55.model.layers.6.self_attn.q_proj.weight b/pytorch_model.bin/p55.model.layers.6.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..2cdfc868b272cf8d41795846f1ac5170f63b42aa --- /dev/null +++ b/pytorch_model.bin/p55.model.layers.6.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f92b9e59ce3029b9d4766e9f6415eb6f84b69277bc4756a5e04ba3cb97f72192 +size 67109759 diff --git a/pytorch_model.bin/p56.model.layers.6.self_attn.k_proj.weight b/pytorch_model.bin/p56.model.layers.6.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1a4cdf5a7c46d90519e92df394b6b087ecdb4083 --- /dev/null +++ b/pytorch_model.bin/p56.model.layers.6.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b33cae3fb1552df6a23355f55ffcdab8b23726e1459eb406bbadcd28c05da4b7 +size 16778111 diff --git a/pytorch_model.bin/p57.model.layers.6.self_attn.v_proj.weight b/pytorch_model.bin/p57.model.layers.6.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..29fd83f8a93ac6335f3528fa1752358bc7cc7f68 --- /dev/null +++ b/pytorch_model.bin/p57.model.layers.6.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a524482d8a940176553d1ab6c0457d05ae9cf04a9fe7ac78aa436e9309b40746 +size 16778111 diff --git a/pytorch_model.bin/p58.model.layers.6.self_attn.o_proj.weight b/pytorch_model.bin/p58.model.layers.6.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b4c053f4512b594030568fea9598781ae91cfb49 --- /dev/null +++ b/pytorch_model.bin/p58.model.layers.6.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6cd3f4d7a2807da4d9482c20d6876e208b57fc8caf12cf755a286a5d5b8ce2d +size 67109759 diff --git a/pytorch_model.bin/p59.model.layers.6.mlp.gate_proj.weight b/pytorch_model.bin/p59.model.layers.6.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..3ff8b1594f529feabfc540bcbb034358d21c2a51 --- /dev/null +++ b/pytorch_model.bin/p59.model.layers.6.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89847b7f7dfecb271e4e587b60acf5312b8b7f5164d303cd19f8bff33e56b267 +size 234881910 diff --git a/pytorch_model.bin/p6.model.layers.0.mlp.up_proj.weight b/pytorch_model.bin/p6.model.layers.0.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..bad1f4b101e7aab6c51c11338c0733055d02a4c2 --- /dev/null +++ b/pytorch_model.bin/p6.model.layers.0.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd265b94ab0c4c064ca15a610c4471e544218ce13d4c61fe6a63085d5859e86f +size 234881901 diff --git a/pytorch_model.bin/p60.model.layers.6.mlp.up_proj.weight b/pytorch_model.bin/p60.model.layers.6.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..ecd29aa3e6b7d177b7a96e5e7b9806c191787891 --- /dev/null +++ b/pytorch_model.bin/p60.model.layers.6.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1afa3fd513056ff30dab69c73b981659477c642692b022b58a40810c31ee7c2e +size 234881904 diff --git a/pytorch_model.bin/p61.model.layers.6.mlp.down_proj.weight b/pytorch_model.bin/p61.model.layers.6.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..16abe12f618b321625774c23c6c0097a18c47829 --- /dev/null +++ b/pytorch_model.bin/p61.model.layers.6.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9e885933263f4fd210aaac861c9937b74b2a24f20599b34f39497f9fe3ed74e +size 234881910 diff --git a/pytorch_model.bin/p62.model.layers.6.input_layernorm.weight b/pytorch_model.bin/p62.model.layers.6.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..f9245228254e24f05b786fd08e06013b7f37b9c1 --- /dev/null +++ b/pytorch_model.bin/p62.model.layers.6.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81ac8147b7540b6f07e12068792e9c6902e0c9791b1a3545a62510db7a464ca0 +size 17276 diff --git a/pytorch_model.bin/p63.model.layers.6.post_attention_layernorm.weight b/pytorch_model.bin/p63.model.layers.6.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..0e713db0ad997ce5f4bd2ce056eaeddbf7e47b15 --- /dev/null +++ b/pytorch_model.bin/p63.model.layers.6.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62ac6fdae0c685e18a342d69206da9e008b4889fc2649e214723419dc8c1a966 +size 17303 diff --git a/pytorch_model.bin/p64.model.layers.7.self_attn.q_proj.weight b/pytorch_model.bin/p64.model.layers.7.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..a10c7e3761b0c862b8b434e6f14a590131da8ed7 --- /dev/null +++ b/pytorch_model.bin/p64.model.layers.7.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:248486846c10a53d12bcd07675379f8d9cf86b75f04005ce16eb62826613b0cb +size 67109759 diff --git a/pytorch_model.bin/p65.model.layers.7.self_attn.k_proj.weight b/pytorch_model.bin/p65.model.layers.7.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f30cf7e9da9c2fe86bc28a45abc472350d02ac71 --- /dev/null +++ b/pytorch_model.bin/p65.model.layers.7.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca3f8fd32c6526308ccea4ef9826e96331001b1e3050f189bbde79b0ebb4e181 +size 16778111 diff --git a/pytorch_model.bin/p66.model.layers.7.self_attn.v_proj.weight b/pytorch_model.bin/p66.model.layers.7.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..4cfb6819406aa34d7489d75e1d6010e5d8c22164 --- /dev/null +++ b/pytorch_model.bin/p66.model.layers.7.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f60751beb77828274afd63510bff12bf88c0d6a6d314108cfc00df5cef2e694 +size 16778111 diff --git a/pytorch_model.bin/p67.model.layers.7.self_attn.o_proj.weight b/pytorch_model.bin/p67.model.layers.7.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..005b2a618f13371e09733040bb0b4da792a73858 --- /dev/null +++ b/pytorch_model.bin/p67.model.layers.7.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec586dcdc9b014886964f46875c85cc9c81dc118a98f4a96bbbcd219bb6dcc72 +size 67109759 diff --git a/pytorch_model.bin/p68.model.layers.7.mlp.gate_proj.weight b/pytorch_model.bin/p68.model.layers.7.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..dfe1c87aa5baeea40a5bf47827e6f09151674a1a --- /dev/null +++ b/pytorch_model.bin/p68.model.layers.7.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7c520f43672c7397ff61fc1cfc7fa01a3b3141a27c5ed378eea5b63bd797459 +size 234881910 diff --git a/pytorch_model.bin/p69.model.layers.7.mlp.up_proj.weight b/pytorch_model.bin/p69.model.layers.7.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..1732a6f995f38205f5d2a9957b4b5e270990eead --- /dev/null +++ b/pytorch_model.bin/p69.model.layers.7.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:103b85edee1e4279fe34933cf32db73b1798f71830bf8b2af31f8e1660a7a6a6 +size 234881904 diff --git a/pytorch_model.bin/p7.model.layers.0.mlp.down_proj.weight b/pytorch_model.bin/p7.model.layers.0.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..da197fd169a67a57e908bc28956009200df2d625 --- /dev/null +++ b/pytorch_model.bin/p7.model.layers.0.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:559bf8ca2515d54d677fddacd16629b357eb22c4731b5e4ac4bf608b1ead84eb +size 234881907 diff --git a/pytorch_model.bin/p70.model.layers.7.mlp.down_proj.weight b/pytorch_model.bin/p70.model.layers.7.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..8c742fa8a544ce7602898e975ee4dfb0683c3e57 --- /dev/null +++ b/pytorch_model.bin/p70.model.layers.7.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fb4dbe8e1d6bc976a4b94e7250d7178e16293860d5338658e136c39d84865a2 +size 234881910 diff --git a/pytorch_model.bin/p71.model.layers.7.input_layernorm.weight b/pytorch_model.bin/p71.model.layers.7.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..b49807a2bb50354aa56f4c651db9a67a20274d32 --- /dev/null +++ b/pytorch_model.bin/p71.model.layers.7.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3d358b23d0700e940c251f7cfb86e12d873aab6adee5d232b907ca8ca7f0595 +size 17276 diff --git a/pytorch_model.bin/p72.model.layers.7.post_attention_layernorm.weight b/pytorch_model.bin/p72.model.layers.7.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..5e3150af32db92e5cf7450349248f44ac83ce63f --- /dev/null +++ b/pytorch_model.bin/p72.model.layers.7.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f305c194b7b985cef943248c69621d3c18f4c3d229a6044f765624ca63aec53f +size 17303 diff --git a/pytorch_model.bin/p73.model.layers.8.self_attn.q_proj.weight b/pytorch_model.bin/p73.model.layers.8.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..6ad065ce91dbb592db7646de4f14cd31da2eccc5 --- /dev/null +++ b/pytorch_model.bin/p73.model.layers.8.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bea1bed4470ec650502dec281ddaea26ad3fe4a197c84459dc81482ebd71899 +size 67109759 diff --git a/pytorch_model.bin/p74.model.layers.8.self_attn.k_proj.weight b/pytorch_model.bin/p74.model.layers.8.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..03880fa0c8e2d09619bef9e9b3cad1fd4c9f1d66 --- /dev/null +++ b/pytorch_model.bin/p74.model.layers.8.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e403499170f1466de9daaf4ca6eeb824828bc2cda78ab2c5113b0e2673f69d3 +size 16778111 diff --git a/pytorch_model.bin/p75.model.layers.8.self_attn.v_proj.weight b/pytorch_model.bin/p75.model.layers.8.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c595744c8fb2286be79448dd465d36423f37bcf2 --- /dev/null +++ b/pytorch_model.bin/p75.model.layers.8.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0d4935be30490f7415d96e78d45b0ee81752ee5ed45256f7ee78b9d112c8d8e +size 16778111 diff --git a/pytorch_model.bin/p76.model.layers.8.self_attn.o_proj.weight b/pytorch_model.bin/p76.model.layers.8.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5670f4b018e3f0edaec561d011a5f79476df21bc --- /dev/null +++ b/pytorch_model.bin/p76.model.layers.8.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:717c5df6526e11d3a953f4069651e4a1b8d90a61b71b1aa01fa09b439f773b59 +size 67109759 diff --git a/pytorch_model.bin/p77.model.layers.8.mlp.gate_proj.weight b/pytorch_model.bin/p77.model.layers.8.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..7c7179c9eb9688c5d3eefb0c18c85dd57bb6e4b7 --- /dev/null +++ b/pytorch_model.bin/p77.model.layers.8.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:529d5cd0174e4511017c20c0bc727f4f75cae005a9bfad7111cdbff7282950a5 +size 234881910 diff --git a/pytorch_model.bin/p78.model.layers.8.mlp.up_proj.weight b/pytorch_model.bin/p78.model.layers.8.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d742bf9adbefc2a67d22e11202f752ef7af61502 --- /dev/null +++ b/pytorch_model.bin/p78.model.layers.8.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee8da3e854a39ed1c7414ac3f8c3bc84ca1803ff8ddac7c31091f9d3d2cef20a +size 234881904 diff --git a/pytorch_model.bin/p79.model.layers.8.mlp.down_proj.weight b/pytorch_model.bin/p79.model.layers.8.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0962f543e9ade659df957927a935d8f8625c6edc --- /dev/null +++ b/pytorch_model.bin/p79.model.layers.8.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba221077faae33e4319a59d09a4f352eb39075537e771a19f8a1706fda2395db +size 234881910 diff --git a/pytorch_model.bin/p8.model.layers.0.input_layernorm.weight b/pytorch_model.bin/p8.model.layers.0.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..ea6e8b9e54caaa33418bcf5e080fc0f89f63016b --- /dev/null +++ b/pytorch_model.bin/p8.model.layers.0.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27903bb349c7c1d7cc03b4b74e086a30623388132888f6a42f58ab78e113b26e +size 17273 diff --git a/pytorch_model.bin/p80.model.layers.8.input_layernorm.weight b/pytorch_model.bin/p80.model.layers.8.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..7df324040af47fdb407cb3335eff95cc61ad06cb --- /dev/null +++ b/pytorch_model.bin/p80.model.layers.8.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61030590fbd83c1ec7acd1b67dda60de800fa7c4d686d44ce270f7d86d7ce0d6 +size 17276 diff --git a/pytorch_model.bin/p81.model.layers.8.post_attention_layernorm.weight b/pytorch_model.bin/p81.model.layers.8.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..0070c007491f4f9e0a6de284517940473bdc9a47 --- /dev/null +++ b/pytorch_model.bin/p81.model.layers.8.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c684b1f70dcfb6fc8cc79c31e9908718b581ce33f282ea8023ee316fd96c2c42 +size 17303 diff --git a/pytorch_model.bin/p82.model.layers.9.self_attn.q_proj.weight b/pytorch_model.bin/p82.model.layers.9.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..8bdef7c696eb7be5d3d3f10e1cbf8cbb3bc55501 --- /dev/null +++ b/pytorch_model.bin/p82.model.layers.9.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4de0faf4785d7acc564d11d57243db422012d7acfd3ca965ceeabd3215ae497b +size 67109759 diff --git a/pytorch_model.bin/p83.model.layers.9.self_attn.k_proj.weight b/pytorch_model.bin/p83.model.layers.9.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0eda529ff0a9f6e8ceb31c2e6b56f3032d70db69 --- /dev/null +++ b/pytorch_model.bin/p83.model.layers.9.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f88804de7ed6a157c85ee142b6514b004009634b0d310c60840a37bbad9e023 +size 16778111 diff --git a/pytorch_model.bin/p84.model.layers.9.self_attn.v_proj.weight b/pytorch_model.bin/p84.model.layers.9.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..5adb5895a4b0f81bdae00dccba3a68587fbac91f --- /dev/null +++ b/pytorch_model.bin/p84.model.layers.9.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e22dd894da72faf08262a91aa209fffef2d27a11c70d356c9c398abe165b24a9 +size 16778111 diff --git a/pytorch_model.bin/p85.model.layers.9.self_attn.o_proj.weight b/pytorch_model.bin/p85.model.layers.9.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..0d1f4f3a45273a935de29c327cfcb6aae7ffc833 --- /dev/null +++ b/pytorch_model.bin/p85.model.layers.9.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af2effdf151425679f82695f71be2e20c1cbbbde4f00adc68960ceae9c60bfc7 +size 67109759 diff --git a/pytorch_model.bin/p86.model.layers.9.mlp.gate_proj.weight b/pytorch_model.bin/p86.model.layers.9.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..8c21690bc300f04ed5e6d18e13d012632fc8acf9 --- /dev/null +++ b/pytorch_model.bin/p86.model.layers.9.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f90c6ce04e6fda4a67b6d701f3f20db4de74cba778685c6dae33b61dfe85926d +size 234881910 diff --git a/pytorch_model.bin/p87.model.layers.9.mlp.up_proj.weight b/pytorch_model.bin/p87.model.layers.9.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c6f0fa2775ae0fbf1171d2661301d282e8b8d054 --- /dev/null +++ b/pytorch_model.bin/p87.model.layers.9.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8921e4452b2df453f5f8d162751d9747673cb02462ab8402e83fa8d7b2eadaa +size 234881904 diff --git a/pytorch_model.bin/p88.model.layers.9.mlp.down_proj.weight b/pytorch_model.bin/p88.model.layers.9.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..da95138dc2a90a375481a65c2118df87f79b1c0e --- /dev/null +++ b/pytorch_model.bin/p88.model.layers.9.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e4d4f830b2a231c0190ede65253fe9adb4bbcddd7346d508289f4ef517a86ac +size 234881910 diff --git a/pytorch_model.bin/p89.model.layers.9.input_layernorm.weight b/pytorch_model.bin/p89.model.layers.9.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..056cded8813ae78c71c445a355ee5c9266590afa --- /dev/null +++ b/pytorch_model.bin/p89.model.layers.9.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4656da9893ffc283d976e820492d74ced99ecf8e56c8468f0e90197c81f16c7 +size 17276 diff --git a/pytorch_model.bin/p9.model.layers.0.post_attention_layernorm.weight b/pytorch_model.bin/p9.model.layers.0.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..5834afa8aec6459bd19514919c0fab68dfc88fc0 --- /dev/null +++ b/pytorch_model.bin/p9.model.layers.0.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76ec62d70f50e834d1e62370d5693c2fcfdfe0ef974cabc5f6bd59554eb8f70d +size 17300 diff --git a/pytorch_model.bin/p90.model.layers.9.post_attention_layernorm.weight b/pytorch_model.bin/p90.model.layers.9.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..a6d7bb4db5a1860893fbd6b393da8667c6a0b55d --- /dev/null +++ b/pytorch_model.bin/p90.model.layers.9.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7db974ac760664a4b4d97cc29bda1ea42c5644ffeba108e2467dd8dc9a66ace +size 17303 diff --git a/pytorch_model.bin/p91.model.layers.10.self_attn.q_proj.weight b/pytorch_model.bin/p91.model.layers.10.self_attn.q_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..f9617bb7908b8a89881e337085deac8c64972226 --- /dev/null +++ b/pytorch_model.bin/p91.model.layers.10.self_attn.q_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca707d543043e2d53edbb4eea0c3ab88d0acef0030f3a5693af753337d3dedb4 +size 67109762 diff --git a/pytorch_model.bin/p92.model.layers.10.self_attn.k_proj.weight b/pytorch_model.bin/p92.model.layers.10.self_attn.k_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c5b511ecd24cc1bd8cd6d35a003f0dfc2befec13 --- /dev/null +++ b/pytorch_model.bin/p92.model.layers.10.self_attn.k_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f9af462e7e068211a0e960e34094c5f13e32bcfaf12e6442f53a8176331bfea +size 16778114 diff --git a/pytorch_model.bin/p93.model.layers.10.self_attn.v_proj.weight b/pytorch_model.bin/p93.model.layers.10.self_attn.v_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..d27f316d020036c9723cd3721b5d46dd8afd802a --- /dev/null +++ b/pytorch_model.bin/p93.model.layers.10.self_attn.v_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf49554e69078959e929736882497bab173f55095b0442b89d47a9e66fe7a835 +size 16778114 diff --git a/pytorch_model.bin/p94.model.layers.10.self_attn.o_proj.weight b/pytorch_model.bin/p94.model.layers.10.self_attn.o_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..b9a499340992ee24425c6cbb426cc7712fd82600 --- /dev/null +++ b/pytorch_model.bin/p94.model.layers.10.self_attn.o_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2e181a24ca43f34ff23721ece8d4d91e04081000c7d784bb338f43d2f5aeec5 +size 67109762 diff --git a/pytorch_model.bin/p95.model.layers.10.mlp.gate_proj.weight b/pytorch_model.bin/p95.model.layers.10.mlp.gate_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..c6a64a9cf4f861513a2ef79994aa8e14946991bd --- /dev/null +++ b/pytorch_model.bin/p95.model.layers.10.mlp.gate_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c2558effcbf866a5663c279e0f51cfa633963d8bd9cc5f716b15281766a92e5 +size 234881913 diff --git a/pytorch_model.bin/p96.model.layers.10.mlp.up_proj.weight b/pytorch_model.bin/p96.model.layers.10.mlp.up_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..52f194b53dba95b7b991540f3a1a534bf4d91250 --- /dev/null +++ b/pytorch_model.bin/p96.model.layers.10.mlp.up_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9959e26203e55867e76dfd0b95857b89a0522e646b54b9dd2f31ffe8bf609bfa +size 234881907 diff --git a/pytorch_model.bin/p97.model.layers.10.mlp.down_proj.weight b/pytorch_model.bin/p97.model.layers.10.mlp.down_proj.weight new file mode 100644 index 0000000000000000000000000000000000000000..709d36722940dfc3e273aa40356b7052957ad3dd --- /dev/null +++ b/pytorch_model.bin/p97.model.layers.10.mlp.down_proj.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f74e496c5ba3c3bf1d08dae48b9583e7457bd6c7a847068b5dbab30476b8f986 +size 234881913 diff --git a/pytorch_model.bin/p98.model.layers.10.input_layernorm.weight b/pytorch_model.bin/p98.model.layers.10.input_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..c4bd67658c73106fc5cac53c6ff2b5cc87b2c4a4 --- /dev/null +++ b/pytorch_model.bin/p98.model.layers.10.input_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddf1757ab83dcfab290276a3a4323a2cb1309aceaf9641b0c02c24429359c2a7 +size 17279 diff --git a/pytorch_model.bin/p99.model.layers.10.post_attention_layernorm.weight b/pytorch_model.bin/p99.model.layers.10.post_attention_layernorm.weight new file mode 100644 index 0000000000000000000000000000000000000000..b151ba3241079e4fbfeca0ca819696df7f2344ab --- /dev/null +++ b/pytorch_model.bin/p99.model.layers.10.post_attention_layernorm.weight @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00a0806c1b17795ceb32e461619f55425622eca49d19e4e7e44f2af3dd5cb3b0 +size 17306